diff --git a/.flake8 b/.flake8 index cf1ecbc76..bd1347028 100644 --- a/.flake8 +++ b/.flake8 @@ -1,4 +1,13 @@ [flake8] -ignore = E203, E266, E501, W503 +ignore = E203, E266, E501, E731, W503 max-line-length = 80 select = B,C,E,F,W,T4,B9 +exclude = + .env, + .git, + __pycache__, + lemmatizer.py, + lookup.py, + _tokenizer_exceptions_list.py, + spacy/lang/fr/lemmatizer, + spacy/lang/nb/lemmatizer diff --git a/CONTRIBUTING.md b/CONTRIBUTING.md index 38bcd112f..cb10a1718 100644 --- a/CONTRIBUTING.md +++ b/CONTRIBUTING.md @@ -186,13 +186,99 @@ sure your test passes and reference the issue in your commit message. ## Code conventions Code should loosely follow [pep8](https://www.python.org/dev/peps/pep-0008/). -Regular line length is **80 characters**, with some tolerance for lines up to -90 characters if the alternative would be worse — for instance, if your list -comprehension comes to 82 characters, it's better not to split it over two lines. -You can also use a linter like [`flake8`](https://pypi.python.org/pypi/flake8) -or [`frosted`](https://pypi.python.org/pypi/frosted) – just keep in mind that -it won't work very well for `.pyx` files and will complain about Cython syntax -like `` or `cimport`. +As of `v2.1.0`, spaCy uses [`black`](https://github.com/ambv/black) for code +formatting and [`flake8`](http://flake8.pycqa.org/en/latest/) for linting its +Python modules. If you've built spaCy from source, you'll already have both +tools installed. + +**⚠️ Note that formatting and linting is currently only possible for Python +modules in `.py` files, not Cython modules in `.pyx` and `.pxd` files.** + +### Code formatting + +[`black`](https://github.com/ambv/black) is an opinionated Python code +formatter, optimised to produce readable code and small diffs. You can run +`black` from the command-line, or via your code editor. For example, if you're +using [Visual Studio Code](https://code.visualstudio.com/), you can add the +following to your `settings.json` to use `black` for formatting and auto-format +your files on save: + +```json +{ + "python.formatting.provider": "black", + "[python]": { + "editor.formatOnSave": true + } +} +``` + +[See here](https://github.com/ambv/black#editor-integration) for the full +list of available editor integrations. + +#### Disabling formatting + +There are a few cases where auto-formatting doesn't improve readability – for +example, in some of the the language data files like the `tag_map.py`, or in +the tests that construct `Doc` objects from lists of words and other labels. +Wrapping a block in `# fmt: off` and `# fmt: on` lets you disable formatting +for that particular code. Here's an example: + +```python +# fmt: off +text = "I look forward to using Thingamajig. I've been told it will make my life easier..." +heads = [1, 0, -1, -2, -1, -1, -5, -1, 3, 2, 1, 0, 2, 1, -3, 1, 1, -3, -7] +deps = ["nsubj", "ROOT", "advmod", "prep", "pcomp", "dobj", "punct", "", + "nsubjpass", "aux", "auxpass", "ROOT", "nsubj", "aux", "ccomp", + "poss", "nsubj", "ccomp", "punct"] +# fmt: on +``` + +### Code linting + +[`flake8`](http://flake8.pycqa.org/en/latest/) is a tool for enforcing code +style. It scans one or more files and outputs errors and warnings. This feedback +can help you stick to general standards and conventions, and can be very useful +for spotting potential mistakes and inconsistencies in your code. The most +important things to watch out for are syntax errors and undefined names, but you +also want to keep an eye on unused declared variables or repeated +(i.e. overwritten) dictionary keys. If your code was formatted with `black` +(see above), you shouldn't see any formatting-related warnings. + +The [`.flake8`](.flake8) config defines the configuration we use for this +codebase. For example, we're not super strict about the line length, and we're +excluding very large files like lemmatization and tokenizer exception tables. + +Ideally, running the following command from within the repo directory should +not return any errors or warnings: + +```bash +flake8 spacy +``` + +#### Disabling linting + +Sometimes, you explicitly want to write code that's not compatible with our +rules. For example, a module's `__init__.py` might import a function so other +modules can import it from there, but `flake8` will complain about an unused +import. And although it's generally discouraged, there might be cases where it +makes sense to use a bare `except`. + +To ignore a given line, you can add a comment like `# noqa: F401`, specifying +the code of the error or warning we want to ignore. It's also possible to +ignore several comma-separated codes at once, e.g. `# noqa: E731,E123`. Here +are some examples: + +```python +# The imported class isn't used in this file, but imported here, so it can be +# imported *from* here by another module. +from .submodule import SomeClass # noqa: F401 + +try: + do_something() +except: # noqa: E722 + # This bare except is justified, for some specific reason + do_something_else() +``` ### Python conventions diff --git a/bin/cythonize.py b/bin/cythonize.py index fcc2922eb..4814f8df0 100755 --- a/bin/cythonize.py +++ b/bin/cythonize.py @@ -35,41 +35,49 @@ import subprocess import argparse -HASH_FILE = 'cythonize.json' +HASH_FILE = "cythonize.json" -def process_pyx(fromfile, tofile, language_level='-2'): - print('Processing %s' % fromfile) +def process_pyx(fromfile, tofile, language_level="-2"): + print("Processing %s" % fromfile) try: from Cython.Compiler.Version import version as cython_version from distutils.version import LooseVersion - if LooseVersion(cython_version) < LooseVersion('0.19'): - raise Exception('Require Cython >= 0.19') + + if LooseVersion(cython_version) < LooseVersion("0.19"): + raise Exception("Require Cython >= 0.19") except ImportError: pass - flags = ['--fast-fail', language_level] - if tofile.endswith('.cpp'): - flags += ['--cplus'] + flags = ["--fast-fail", language_level] + if tofile.endswith(".cpp"): + flags += ["--cplus"] try: try: - r = subprocess.call(['cython'] + flags + ['-o', tofile, fromfile], - env=os.environ) # See Issue #791 + r = subprocess.call( + ["cython"] + flags + ["-o", tofile, fromfile], env=os.environ + ) # See Issue #791 if r != 0: - raise Exception('Cython failed') + raise Exception("Cython failed") except OSError: # There are ways of installing Cython that don't result in a cython # executable on the path, see gh-2397. - r = subprocess.call([sys.executable, '-c', - 'import sys; from Cython.Compiler.Main import ' - 'setuptools_main as main; sys.exit(main())'] + flags + - ['-o', tofile, fromfile]) + r = subprocess.call( + [ + sys.executable, + "-c", + "import sys; from Cython.Compiler.Main import " + "setuptools_main as main; sys.exit(main())", + ] + + flags + + ["-o", tofile, fromfile] + ) if r != 0: - raise Exception('Cython failed') + raise Exception("Cython failed") except OSError: - raise OSError('Cython needs to be installed') + raise OSError("Cython needs to be installed") def preserve_cwd(path, func, *args): @@ -89,12 +97,12 @@ def load_hashes(filename): def save_hashes(hash_db, filename): - with open(filename, 'w') as f: + with open(filename, "w") as f: f.write(json.dumps(hash_db)) def get_hash(path): - return hashlib.md5(open(path, 'rb').read()).hexdigest() + return hashlib.md5(open(path, "rb").read()).hexdigest() def hash_changed(base, path, db): @@ -109,25 +117,27 @@ def hash_add(base, path, db): def process(base, filename, db): root, ext = os.path.splitext(filename) - if ext in ['.pyx', '.cpp']: - if hash_changed(base, filename, db) or not os.path.isfile(os.path.join(base, root + '.cpp')): - preserve_cwd(base, process_pyx, root + '.pyx', root + '.cpp') - hash_add(base, root + '.cpp', db) - hash_add(base, root + '.pyx', db) + if ext in [".pyx", ".cpp"]: + if hash_changed(base, filename, db) or not os.path.isfile( + os.path.join(base, root + ".cpp") + ): + preserve_cwd(base, process_pyx, root + ".pyx", root + ".cpp") + hash_add(base, root + ".cpp", db) + hash_add(base, root + ".pyx", db) def check_changes(root, db): res = False new_db = {} - setup_filename = 'setup.py' - hash_add('.', setup_filename, new_db) - if hash_changed('.', setup_filename, db): + setup_filename = "setup.py" + hash_add(".", setup_filename, new_db) + if hash_changed(".", setup_filename, db): res = True for base, _, files in os.walk(root): for filename in files: - if filename.endswith('.pxd'): + if filename.endswith(".pxd"): hash_add(base, filename, new_db) if hash_changed(base, filename, db): res = True @@ -150,8 +160,10 @@ def run(root): save_hashes(db, HASH_FILE) -if __name__ == '__main__': - parser = argparse.ArgumentParser(description='Cythonize pyx files into C++ files as needed') - parser.add_argument('root', help='root directory') +if __name__ == "__main__": + parser = argparse.ArgumentParser( + description="Cythonize pyx files into C++ files as needed" + ) + parser.add_argument("root", help="root directory") args = parser.parse_args() run(args.root) diff --git a/bin/load_reddit.py b/bin/load_reddit.py index 73ae0b6b5..5affa0fb5 100644 --- a/bin/load_reddit.py +++ b/bin/load_reddit.py @@ -15,12 +15,13 @@ _unset = object() class Reddit(object): """Stream cleaned comments from Reddit.""" - pre_format_re = re.compile(r'^[\`\*\~]') - post_format_re = re.compile(r'[\`\*\~]$') - url_re = re.compile(r'\[([^]]+)\]\(%%URL\)') - link_re = re.compile(r'\[([^]]+)\]\(https?://[^\)]+\)') - def __init__(self, file_path, meta_keys={'subreddit': 'section'}): + pre_format_re = re.compile(r"^[\`\*\~]") + post_format_re = re.compile(r"[\`\*\~]$") + url_re = re.compile(r"\[([^]]+)\]\(%%URL\)") + link_re = re.compile(r"\[([^]]+)\]\(https?://[^\)]+\)") + + def __init__(self, file_path, meta_keys={"subreddit": "section"}): """ file_path (unicode / Path): Path to archive or directory of archives. meta_keys (dict): Meta data key included in the Reddit corpus, mapped @@ -45,28 +46,30 @@ class Reddit(object): continue comment = ujson.loads(line) if self.is_valid(comment): - text = self.strip_tags(comment['body']) - yield {'text': text} + text = self.strip_tags(comment["body"]) + yield {"text": text} def get_meta(self, item): - return {name: item.get(key, 'n/a') for key, name in self.meta.items()} + return {name: item.get(key, "n/a") for key, name in self.meta.items()} def iter_files(self): for file_path in self.files: yield file_path def strip_tags(self, text): - text = self.link_re.sub(r'\1', text) - text = text.replace('>', '>').replace('<', '<') - text = self.pre_format_re.sub('', text) - text = self.post_format_re.sub('', text) - text = re.sub(r'\s+', ' ', text) + text = self.link_re.sub(r"\1", text) + text = text.replace(">", ">").replace("<", "<") + text = self.pre_format_re.sub("", text) + text = self.post_format_re.sub("", text) + text = re.sub(r"\s+", " ", text) return text.strip() def is_valid(self, comment): - return comment['body'] is not None \ - and comment['body'] != '[deleted]' \ - and comment['body'] != '[removed]' + return ( + comment["body"] is not None + and comment["body"] != "[deleted]" + and comment["body"] != "[removed]" + ) def main(path): @@ -75,16 +78,18 @@ def main(path): print(ujson.dumps(comment)) -if __name__ == '__main__': +if __name__ == "__main__": import socket + try: BrokenPipeError except NameError: BrokenPipeError = socket.error try: plac.call(main) - except BrokenPipeError: + except BrokenPipeError: import os, sys + # Python flushes standard streams on exit; redirect remaining output # to devnull to avoid another BrokenPipeError at shutdown devnull = os.open(os.devnull, os.O_WRONLY) diff --git a/requirements.txt b/requirements.txt index 2070db3f0..fd2170a85 100644 --- a/requirements.txt +++ b/requirements.txt @@ -11,7 +11,10 @@ ujson>=1.35 dill>=0.2,<0.3 regex==2018.01.10 requests>=2.13.0,<3.0.0 +pathlib==1.0.1; python_version < "3.4" +# Development dependencies pytest>=4.0.0,<5.0.0 pytest-timeout>=1.3.0,<2.0.0 mock>=2.0.0,<3.0.0 -pathlib==1.0.1; python_version < "3.4" +black==18.9b0 +flake8>=3.5.0,<3.6.0 diff --git a/spacy/_ml.py b/spacy/_ml.py index 0cfdec7e9..fd3893e5f 100644 --- a/spacy/_ml.py +++ b/spacy/_ml.py @@ -14,8 +14,7 @@ from thinc.api import uniqued, wrap, noop from thinc.api import with_square_sequences from thinc.linear.linear import LinearModel from thinc.neural.ops import NumpyOps, CupyOps -from thinc.neural.util import get_array_module, copy_array -from thinc.neural._lsuv import svd_orthonormal +from thinc.neural.util import get_array_module from thinc.neural.optimizers import Adam from thinc import describe @@ -33,36 +32,36 @@ try: except: torch = None -VECTORS_KEY = 'spacy_pretrained_vectors' +VECTORS_KEY = "spacy_pretrained_vectors" def cosine(vec1, vec2): xp = get_array_module(vec1) norm1 = xp.linalg.norm(vec1) norm2 = xp.linalg.norm(vec2) - if norm1 == 0. or norm2 == 0.: + if norm1 == 0.0 or norm2 == 0.0: return 0 else: return vec1.dot(vec2) / (norm1 * norm2) def create_default_optimizer(ops, **cfg): - learn_rate = util.env_opt('learn_rate', 0.001) - beta1 = util.env_opt('optimizer_B1', 0.8) - beta2 = util.env_opt('optimizer_B2', 0.8) - eps = util.env_opt('optimizer_eps', 0.00001) - L2 = util.env_opt('L2_penalty', 1e-6) - max_grad_norm = util.env_opt('grad_norm_clip', 5.) - optimizer = Adam(ops, learn_rate, L2=L2, beta1=beta1, - beta2=beta2, eps=eps) + learn_rate = util.env_opt("learn_rate", 0.001) + beta1 = util.env_opt("optimizer_B1", 0.8) + beta2 = util.env_opt("optimizer_B2", 0.8) + eps = util.env_opt("optimizer_eps", 0.00001) + L2 = util.env_opt("L2_penalty", 1e-6) + max_grad_norm = util.env_opt("grad_norm_clip", 5.0) + optimizer = Adam(ops, learn_rate, L2=L2, beta1=beta1, beta2=beta2, eps=eps) optimizer.max_grad_norm = max_grad_norm optimizer.device = ops.device return optimizer + @layerize -def _flatten_add_lengths(seqs, pad=0, drop=0.): +def _flatten_add_lengths(seqs, pad=0, drop=0.0): ops = Model.ops - lengths = ops.asarray([len(seq) for seq in seqs], dtype='i') + lengths = ops.asarray([len(seq) for seq in seqs], dtype="i") def finish_update(d_X, sgd=None): return ops.unflatten(d_X, lengths, pad=pad) @@ -74,14 +73,15 @@ def _flatten_add_lengths(seqs, pad=0, drop=0.): def _zero_init(model): def _zero_init_impl(self, X, y): self.W.fill(0) + model.on_data_hooks.append(_zero_init_impl) if model.W is not None: - model.W.fill(0.) + model.W.fill(0.0) return model @layerize -def _preprocess_doc(docs, drop=0.): +def _preprocess_doc(docs, drop=0.0): keys = [doc.to_array(LOWER) for doc in docs] ops = Model.ops # The dtype here matches what thinc is expecting -- which differs per @@ -89,11 +89,12 @@ def _preprocess_doc(docs, drop=0.): # is fixed on Thinc's side. lengths = ops.asarray([arr.shape[0] for arr in keys], dtype=numpy.int_) keys = ops.xp.concatenate(keys) - vals = ops.allocate(keys.shape) + 1. + vals = ops.allocate(keys.shape) + 1.0 return (keys, vals, lengths), None + @layerize -def _preprocess_doc_bigrams(docs, drop=0.): +def _preprocess_doc_bigrams(docs, drop=0.0): unigrams = [doc.to_array(LOWER) for doc in docs] ops = Model.ops bigrams = [ops.ngrams(2, doc_unis) for doc_unis in unigrams] @@ -104,27 +105,29 @@ def _preprocess_doc_bigrams(docs, drop=0.): # is fixed on Thinc's side. lengths = ops.asarray([arr.shape[0] for arr in keys], dtype=numpy.int_) keys = ops.xp.concatenate(keys) - vals = ops.asarray(ops.xp.concatenate(vals), dtype='f') + vals = ops.asarray(ops.xp.concatenate(vals), dtype="f") return (keys, vals, lengths), None -@describe.on_data(_set_dimensions_if_needed, - lambda model, X, y: model.init_weights(model)) +@describe.on_data( + _set_dimensions_if_needed, lambda model, X, y: model.init_weights(model) +) @describe.attributes( nI=Dimension("Input size"), nF=Dimension("Number of features"), nO=Dimension("Output size"), nP=Dimension("Maxout pieces"), - W=Synapses("Weights matrix", - lambda obj: (obj.nF, obj.nO, obj.nP, obj.nI)), - b=Biases("Bias vector", - lambda obj: (obj.nO, obj.nP)), - pad=Synapses("Pad", + W=Synapses("Weights matrix", lambda obj: (obj.nF, obj.nO, obj.nP, obj.nI)), + b=Biases("Bias vector", lambda obj: (obj.nO, obj.nP)), + pad=Synapses( + "Pad", lambda obj: (1, obj.nF, obj.nO, obj.nP), - lambda M, ops: ops.normal_init(M, 1.)), + lambda M, ops: ops.normal_init(M, 1.0), + ), d_W=Gradient("W"), d_pad=Gradient("pad"), - d_b=Gradient("b")) + d_b=Gradient("b"), +) class PrecomputableAffine(Model): def __init__(self, nO=None, nI=None, nF=None, nP=None, **kwargs): Model.__init__(self, **kwargs) @@ -133,9 +136,10 @@ class PrecomputableAffine(Model): self.nI = nI self.nF = nF - def begin_update(self, X, drop=0.): - Yf = self.ops.gemm(X, - self.W.reshape((self.nF*self.nO*self.nP, self.nI)), trans2=True) + def begin_update(self, X, drop=0.0): + Yf = self.ops.gemm( + X, self.W.reshape((self.nF * self.nO * self.nP, self.nI)), trans2=True + ) Yf = Yf.reshape((Yf.shape[0], self.nF, self.nO, self.nP)) Yf = self._add_padding(Yf) @@ -146,15 +150,16 @@ class PrecomputableAffine(Model): Xf = Xf.reshape((Xf.shape[0], self.nF * self.nI)) self.d_b += dY.sum(axis=0) - dY = dY.reshape((dY.shape[0], self.nO*self.nP)) + dY = dY.reshape((dY.shape[0], self.nO * self.nP)) Wopfi = self.W.transpose((1, 2, 0, 3)) Wopfi = self.ops.xp.ascontiguousarray(Wopfi) - Wopfi = Wopfi.reshape((self.nO*self.nP, self.nF * self.nI)) - dXf = self.ops.gemm(dY.reshape((dY.shape[0], self.nO*self.nP)), Wopfi) + Wopfi = Wopfi.reshape((self.nO * self.nP, self.nF * self.nI)) + dXf = self.ops.gemm(dY.reshape((dY.shape[0], self.nO * self.nP)), Wopfi) # Reuse the buffer - dWopfi = Wopfi; dWopfi.fill(0.) + dWopfi = Wopfi + dWopfi.fill(0.0) self.ops.gemm(dY, Xf, out=dWopfi, trans1=True) dWopfi = dWopfi.reshape((self.nO, self.nP, self.nF, self.nI)) # (o, p, f, i) --> (f, o, p, i) @@ -163,6 +168,7 @@ class PrecomputableAffine(Model): if sgd is not None: sgd(self._mem.weights, self._mem.gradient, key=self.id) return dXf.reshape((dXf.shape[0], self.nF, self.nI)) + return Yf, backward def _add_padding(self, Yf): @@ -171,7 +177,7 @@ class PrecomputableAffine(Model): def _backprop_padding(self, dY, ids): # (1, nF, nO, nP) += (nN, nF, nO, nP) where IDs (nN, nF) < 0 - mask = ids < 0. + mask = ids < 0.0 mask = mask.sum(axis=1) d_pad = dY * mask.reshape((ids.shape[0], 1, 1)) self.d_pad += d_pad.sum(axis=0) @@ -179,33 +185,36 @@ class PrecomputableAffine(Model): @staticmethod def init_weights(model): - '''This is like the 'layer sequential unit variance', but instead + """This is like the 'layer sequential unit variance', but instead of taking the actual inputs, we randomly generate whitened data. Why's this all so complicated? We have a huge number of inputs, and the maxout unit makes guessing the dynamics tricky. Instead we set the maxout weights to values that empirically result in whitened outputs given whitened inputs. - ''' - if (model.W**2).sum() != 0.: + """ + if (model.W ** 2).sum() != 0.0: return ops = model.ops xp = ops.xp ops.normal_init(model.W, model.nF * model.nI, inplace=True) - ids = ops.allocate((5000, model.nF), dtype='f') + ids = ops.allocate((5000, model.nF), dtype="f") ids += xp.random.uniform(0, 1000, ids.shape) - ids = ops.asarray(ids, dtype='i') - tokvecs = ops.allocate((5000, model.nI), dtype='f') - tokvecs += xp.random.normal(loc=0., scale=1., - size=tokvecs.size).reshape(tokvecs.shape) + ids = ops.asarray(ids, dtype="i") + tokvecs = ops.allocate((5000, model.nI), dtype="f") + tokvecs += xp.random.normal(loc=0.0, scale=1.0, size=tokvecs.size).reshape( + tokvecs.shape + ) def predict(ids, tokvecs): # nS ids. nW tokvecs. Exclude the padding array. - hiddens = model(tokvecs[:-1]) # (nW, f, o, p) - vectors = model.ops.allocate((ids.shape[0], model.nO * model.nP), dtype='f') + hiddens = model(tokvecs[:-1]) # (nW, f, o, p) + vectors = model.ops.allocate((ids.shape[0], model.nO * model.nP), dtype="f") # need nS vectors - hiddens = hiddens.reshape((hiddens.shape[0] * model.nF, model.nO * model.nP)) + hiddens = hiddens.reshape( + (hiddens.shape[0] * model.nF, model.nO * model.nP) + ) model.ops.scatter_add(vectors, ids.flatten(), hiddens) vectors = vectors.reshape((vectors.shape[0], model.nO, model.nP)) vectors += model.b @@ -238,7 +247,8 @@ def link_vectors_to_models(vocab): if vectors.data.size != 0: print( "Warning: Unnamed vectors -- this won't allow multiple vectors " - "models to be loaded. (Shape: (%d, %d))" % vectors.data.shape) + "models to be loaded. (Shape: (%d, %d))" % vectors.data.shape + ) ops = Model.ops for word in vocab: if word.orth in vectors.key2row: @@ -254,28 +264,31 @@ def link_vectors_to_models(vocab): def PyTorchBiLSTM(nO, nI, depth, dropout=0.2): if depth == 0: return layerize(noop()) - model = torch.nn.LSTM(nI, nO//2, depth, bidirectional=True, dropout=dropout) + model = torch.nn.LSTM(nI, nO // 2, depth, bidirectional=True, dropout=dropout) return with_square_sequences(PyTorchWrapperRNN(model)) def Tok2Vec(width, embed_size, **kwargs): - pretrained_vectors = kwargs.get('pretrained_vectors', None) - cnn_maxout_pieces = kwargs.get('cnn_maxout_pieces', 2) - subword_features = kwargs.get('subword_features', True) - conv_depth = kwargs.get('conv_depth', 4) - bilstm_depth = kwargs.get('bilstm_depth', 0) + pretrained_vectors = kwargs.get("pretrained_vectors", None) + cnn_maxout_pieces = kwargs.get("cnn_maxout_pieces", 2) + subword_features = kwargs.get("subword_features", True) + conv_depth = kwargs.get("conv_depth", 4) + bilstm_depth = kwargs.get("bilstm_depth", 0) cols = [ID, NORM, PREFIX, SUFFIX, SHAPE, ORTH] - with Model.define_operators({'>>': chain, '|': concatenate, '**': clone, - '+': add, '*': reapply}): - norm = HashEmbed(width, embed_size, column=cols.index(NORM), - name='embed_norm') + with Model.define_operators( + {">>": chain, "|": concatenate, "**": clone, "+": add, "*": reapply} + ): + norm = HashEmbed(width, embed_size, column=cols.index(NORM), name="embed_norm") if subword_features: - prefix = HashEmbed(width, embed_size//2, column=cols.index(PREFIX), - name='embed_prefix') - suffix = HashEmbed(width, embed_size//2, column=cols.index(SUFFIX), - name='embed_suffix') - shape = HashEmbed(width, embed_size//2, column=cols.index(SHAPE), - name='embed_shape') + prefix = HashEmbed( + width, embed_size // 2, column=cols.index(PREFIX), name="embed_prefix" + ) + suffix = HashEmbed( + width, embed_size // 2, column=cols.index(SUFFIX), name="embed_suffix" + ) + shape = HashEmbed( + width, embed_size // 2, column=cols.index(SHAPE), name="embed_shape" + ) else: prefix, suffix, shape = (None, None, None) if pretrained_vectors is not None: @@ -284,28 +297,29 @@ def Tok2Vec(width, embed_size, **kwargs): if subword_features: embed = uniqued( (glove | norm | prefix | suffix | shape) - >> LN(Maxout(width, width*5, pieces=3)), column=cols.index(ORTH)) + >> LN(Maxout(width, width * 5, pieces=3)), + column=cols.index(ORTH), + ) else: embed = uniqued( - (glove | norm) - >> LN(Maxout(width, width*2, pieces=3)), column=cols.index(ORTH)) + (glove | norm) >> LN(Maxout(width, width * 2, pieces=3)), + column=cols.index(ORTH), + ) elif subword_features: embed = uniqued( (norm | prefix | suffix | shape) - >> LN(Maxout(width, width*4, pieces=3)), column=cols.index(ORTH)) + >> LN(Maxout(width, width * 4, pieces=3)), + column=cols.index(ORTH), + ) else: embed = norm convolution = Residual( ExtractWindow(nW=1) - >> LN(Maxout(width, width*3, pieces=cnn_maxout_pieces)) + >> LN(Maxout(width, width * 3, pieces=cnn_maxout_pieces)) ) - tok2vec = ( - FeatureExtracter(cols) - >> with_flatten( - embed - >> convolution ** conv_depth, pad=conv_depth - ) + tok2vec = FeatureExtracter(cols) >> with_flatten( + embed >> convolution ** conv_depth, pad=conv_depth ) if bilstm_depth >= 1: tok2vec = tok2vec >> PyTorchBiLSTM(width, width, bilstm_depth) @@ -316,7 +330,7 @@ def Tok2Vec(width, embed_size, **kwargs): def reapply(layer, n_times): - def reapply_fwd(X, drop=0.): + def reapply_fwd(X, drop=0.0): backprops = [] for i in range(n_times): Y, backprop = layer.begin_update(X, drop=drop) @@ -334,12 +348,14 @@ def reapply(layer, n_times): return dX return Y, reapply_bwd + return wrap(reapply_fwd, layer) def asarray(ops, dtype): - def forward(X, drop=0.): + def forward(X, drop=0.0): return ops.asarray(X, dtype=dtype), None + return layerize(forward) @@ -347,7 +363,7 @@ def _divide_array(X, size): parts = [] index = 0 while index < len(X): - parts.append(X[index:index + size]) + parts.append(X[index : index + size]) index += size return parts @@ -356,7 +372,7 @@ def get_col(idx): if idx < 0: raise IndexError(Errors.E066.format(value=idx)) - def forward(X, drop=0.): + def forward(X, drop=0.0): if isinstance(X, numpy.ndarray): ops = NumpyOps() else: @@ -377,7 +393,7 @@ def doc2feats(cols=None): if cols is None: cols = [ID, NORM, PREFIX, SUFFIX, SHAPE, ORTH] - def forward(docs, drop=0.): + def forward(docs, drop=0.0): feats = [] for doc in docs: feats.append(doc.to_array(cols)) @@ -389,13 +405,14 @@ def doc2feats(cols=None): def print_shape(prefix): - def forward(X, drop=0.): + def forward(X, drop=0.0): return X, lambda dX, **kwargs: dX + return layerize(forward) @layerize -def get_token_vectors(tokens_attrs_vectors, drop=0.): +def get_token_vectors(tokens_attrs_vectors, drop=0.0): tokens, attrs, vectors = tokens_attrs_vectors def backward(d_output, sgd=None): @@ -405,17 +422,17 @@ def get_token_vectors(tokens_attrs_vectors, drop=0.): @layerize -def logistic(X, drop=0.): +def logistic(X, drop=0.0): xp = get_array_module(X) if not isinstance(X, xp.ndarray): X = xp.asarray(X) # Clip to range (-10, 10) - X = xp.minimum(X, 10., X) - X = xp.maximum(X, -10., X) - Y = 1. / (1. + xp.exp(-X)) + X = xp.minimum(X, 10.0, X) + X = xp.maximum(X, -10.0, X) + Y = 1.0 / (1.0 + xp.exp(-X)) def logistic_bwd(dY, sgd=None): - dX = dY * (Y * (1-Y)) + dX = dY * (Y * (1 - Y)) return dX return Y, logistic_bwd @@ -424,12 +441,13 @@ def logistic(X, drop=0.): def zero_init(model): def _zero_init_impl(self, X, y): self.W.fill(0) + model.on_data_hooks.append(_zero_init_impl) return model @layerize -def preprocess_doc(docs, drop=0.): +def preprocess_doc(docs, drop=0.0): keys = [doc.to_array([LOWER]) for doc in docs] ops = Model.ops lengths = ops.asarray([arr.shape[0] for arr in keys]) @@ -439,31 +457,32 @@ def preprocess_doc(docs, drop=0.): def getitem(i): - def getitem_fwd(X, drop=0.): + def getitem_fwd(X, drop=0.0): return X[i], None + return layerize(getitem_fwd) def build_tagger_model(nr_class, **cfg): - embed_size = util.env_opt('embed_size', 2000) - if 'token_vector_width' in cfg: - token_vector_width = cfg['token_vector_width'] + embed_size = util.env_opt("embed_size", 2000) + if "token_vector_width" in cfg: + token_vector_width = cfg["token_vector_width"] else: - token_vector_width = util.env_opt('token_vector_width', 96) - pretrained_vectors = cfg.get('pretrained_vectors') - subword_features = cfg.get('subword_features', True) - with Model.define_operators({'>>': chain, '+': add}): - if 'tok2vec' in cfg: - tok2vec = cfg['tok2vec'] + token_vector_width = util.env_opt("token_vector_width", 96) + pretrained_vectors = cfg.get("pretrained_vectors") + subword_features = cfg.get("subword_features", True) + with Model.define_operators({">>": chain, "+": add}): + if "tok2vec" in cfg: + tok2vec = cfg["tok2vec"] else: - tok2vec = Tok2Vec(token_vector_width, embed_size, - subword_features=subword_features, - pretrained_vectors=pretrained_vectors) + tok2vec = Tok2Vec( + token_vector_width, + embed_size, + subword_features=subword_features, + pretrained_vectors=pretrained_vectors, + ) softmax = with_flatten(Softmax(nr_class, token_vector_width)) - model = ( - tok2vec - >> softmax - ) + model = tok2vec >> softmax model.nI = None model.tok2vec = tok2vec model.softmax = softmax @@ -471,10 +490,10 @@ def build_tagger_model(nr_class, **cfg): @layerize -def SpacyVectors(docs, drop=0.): +def SpacyVectors(docs, drop=0.0): batch = [] for doc in docs: - indices = numpy.zeros((len(doc),), dtype='i') + indices = numpy.zeros((len(doc),), dtype="i") for i, word in enumerate(doc): if word.orth in doc.vocab.vectors.key2row: indices[i] = doc.vocab.vectors.key2row[word.orth] @@ -486,12 +505,11 @@ def SpacyVectors(docs, drop=0.): def build_text_classifier(nr_class, width=64, **cfg): - depth = cfg.get('depth', 2) - nr_vector = cfg.get('nr_vector', 5000) - pretrained_dims = cfg.get('pretrained_dims', 0) - with Model.define_operators({'>>': chain, '+': add, '|': concatenate, - '**': clone}): - if cfg.get('low_data') and pretrained_dims: + depth = cfg.get("depth", 2) + nr_vector = cfg.get("nr_vector", 5000) + pretrained_dims = cfg.get("pretrained_dims", 0) + with Model.define_operators({">>": chain, "+": add, "|": concatenate, "**": clone}): + if cfg.get("low_data") and pretrained_dims: model = ( SpacyVectors >> flatten_add_lengths @@ -505,41 +523,35 @@ def build_text_classifier(nr_class, width=64, **cfg): return model lower = HashEmbed(width, nr_vector, column=1) - prefix = HashEmbed(width//2, nr_vector, column=2) - suffix = HashEmbed(width//2, nr_vector, column=3) - shape = HashEmbed(width//2, nr_vector, column=4) + prefix = HashEmbed(width // 2, nr_vector, column=2) + suffix = HashEmbed(width // 2, nr_vector, column=3) + shape = HashEmbed(width // 2, nr_vector, column=4) - trained_vectors = ( - FeatureExtracter([ORTH, LOWER, PREFIX, SUFFIX, SHAPE, ID]) - >> with_flatten( - uniqued( - (lower | prefix | suffix | shape) - >> LN(Maxout(width, width+(width//2)*3)), - column=0 - ) + trained_vectors = FeatureExtracter( + [ORTH, LOWER, PREFIX, SUFFIX, SHAPE, ID] + ) >> with_flatten( + uniqued( + (lower | prefix | suffix | shape) + >> LN(Maxout(width, width + (width // 2) * 3)), + column=0, ) ) if pretrained_dims: - static_vectors = ( - SpacyVectors - >> with_flatten(Affine(width, pretrained_dims)) + static_vectors = SpacyVectors >> with_flatten( + Affine(width, pretrained_dims) ) # TODO Make concatenate support lists vectors = concatenate_lists(trained_vectors, static_vectors) - vectors_width = width*2 + vectors_width = width * 2 else: vectors = trained_vectors vectors_width = width static_vectors = None - tok2vec = ( - vectors - >> with_flatten( - LN(Maxout(width, vectors_width)) - >> Residual( - (ExtractWindow(nW=1) >> LN(Maxout(width, width*3))) - ) ** depth, pad=depth - ) + tok2vec = vectors >> with_flatten( + LN(Maxout(width, vectors_width)) + >> Residual((ExtractWindow(nW=1) >> LN(Maxout(width, width * 3)))) ** depth, + pad=depth, ) cnn_model = ( tok2vec @@ -550,13 +562,10 @@ def build_text_classifier(nr_class, width=64, **cfg): >> zero_init(Affine(nr_class, width, drop_factor=0.0)) ) - linear_model = ( - _preprocess_doc - >> LinearModel(nr_class) - ) + linear_model = _preprocess_doc >> LinearModel(nr_class) model = ( (linear_model | cnn_model) - >> zero_init(Affine(nr_class, nr_class*2, drop_factor=0.0)) + >> zero_init(Affine(nr_class, nr_class * 2, drop_factor=0.0)) >> logistic ) model.tok2vec = tok2vec @@ -566,9 +575,9 @@ def build_text_classifier(nr_class, width=64, **cfg): @layerize -def flatten(seqs, drop=0.): +def flatten(seqs, drop=0.0): ops = Model.ops - lengths = ops.asarray([len(seq) for seq in seqs], dtype='i') + lengths = ops.asarray([len(seq) for seq in seqs], dtype="i") def finish_update(d_X, sgd=None): return ops.unflatten(d_X, lengths, pad=0) @@ -583,14 +592,14 @@ def concatenate_lists(*layers, **kwargs): # pragma: no cover """ if not layers: return noop() - drop_factor = kwargs.get('drop_factor', 1.0) + drop_factor = kwargs.get("drop_factor", 1.0) ops = layers[0].ops layers = [chain(layer, flatten) for layer in layers] concat = concatenate(*layers) - def concatenate_lists_fwd(Xs, drop=0.): + def concatenate_lists_fwd(Xs, drop=0.0): drop *= drop_factor - lengths = ops.asarray([len(X) for X in Xs], dtype='i') + lengths = ops.asarray([len(X) for X in Xs], dtype="i") flat_y, bp_flat_y = concat.begin_update(Xs, drop=drop) ys = ops.unflatten(flat_y, lengths) diff --git a/spacy/about.py b/spacy/about.py index ff402f13e..125a5d516 100644 --- a/spacy/about.py +++ b/spacy/about.py @@ -1,16 +1,17 @@ # inspired from: # https://python-packaging-user-guide.readthedocs.org/en/latest/single_source_version/ # https://github.com/pypa/warehouse/blob/master/warehouse/__about__.py +# fmt: off -__title__ = 'spacy-nightly' -__version__ = '2.1.0a3' -__summary__ = 'Industrial-strength Natural Language Processing (NLP) with Python and Cython' -__uri__ = 'https://spacy.io' -__author__ = 'Explosion AI' -__email__ = 'contact@explosion.ai' -__license__ = 'MIT' +__title__ = "spacy-nightly" +__version__ = "2.1.0a3" +__summary__ = "Industrial-strength Natural Language Processing (NLP) with Python and Cython" +__uri__ = "https://spacy.io" +__author__ = "Explosion AI" +__email__ = "contact@explosion.ai" +__license__ = "MIT" __release__ = False -__download_url__ = 'https://github.com/explosion/spacy-models/releases/download' -__compatibility__ = 'https://raw.githubusercontent.com/explosion/spacy-models/master/compatibility.json' -__shortcuts__ = 'https://raw.githubusercontent.com/explosion/spacy-models/master/shortcuts-v2.json' +__download_url__ = "https://github.com/explosion/spacy-models/releases/download" +__compatibility__ = "https://raw.githubusercontent.com/explosion/spacy-models/master/compatibility.json" +__shortcuts__ = "https://raw.githubusercontent.com/explosion/spacy-models/master/shortcuts-v2.json" diff --git a/spacy/compat.py b/spacy/compat.py index a312071e7..1f47971ec 100644 --- a/spacy/compat.py +++ b/spacy/compat.py @@ -6,7 +6,6 @@ import sys import ujson import itertools import locale -import os from thinc.neural.util import copy_array @@ -31,9 +30,9 @@ except ImportError: cupy = None try: - from thinc.neural.optimizers import Optimizer + from thinc.neural.optimizers import Optimizer # noqa: F401 except ImportError: - from thinc.neural.optimizers import Adam as Optimizer + from thinc.neural.optimizers import Adam as Optimizer # noqa: F401 pickle = pickle copy_reg = copy_reg diff --git a/spacy/displacy/__init__.py b/spacy/displacy/__init__.py index 965bfbddf..222f37464 100644 --- a/spacy/displacy/__init__.py +++ b/spacy/displacy/__init__.py @@ -12,8 +12,15 @@ _html = {} IS_JUPYTER = is_in_jupyter() -def render(docs, style='dep', page=False, minify=False, jupyter=IS_JUPYTER, - options={}, manual=False): +def render( + docs, + style="dep", + page=False, + minify=False, + jupyter=IS_JUPYTER, + options={}, + manual=False, +): """Render displaCy visualisation. docs (list or Doc): Document(s) to visualise. @@ -25,8 +32,10 @@ def render(docs, style='dep', page=False, minify=False, jupyter=IS_JUPYTER, manual (bool): Don't parse `Doc` and instead expect a dict/list of dicts. RETURNS (unicode): Rendered HTML markup. """ - factories = {'dep': (DependencyRenderer, parse_deps), - 'ent': (EntityRenderer, parse_ents)} + factories = { + "dep": (DependencyRenderer, parse_deps), + "ent": (EntityRenderer, parse_ents), + } if style not in factories: raise ValueError(Errors.E087.format(style=style)) if isinstance(docs, (Doc, Span, dict)): @@ -37,16 +46,18 @@ def render(docs, style='dep', page=False, minify=False, jupyter=IS_JUPYTER, renderer, converter = factories[style] renderer = renderer(options=options) parsed = [converter(doc, options) for doc in docs] if not manual else docs - _html['parsed'] = renderer.render(parsed, page=page, minify=minify).strip() - html = _html['parsed'] + _html["parsed"] = renderer.render(parsed, page=page, minify=minify).strip() + html = _html["parsed"] if jupyter: # return HTML rendered by IPython display() from IPython.core.display import display, HTML + return display(HTML(html)) return html -def serve(docs, style='dep', page=True, minify=False, options={}, manual=False, - port=5000): +def serve( + docs, style="dep", page=True, minify=False, options={}, manual=False, port=5000 +): """Serve displaCy visualisation. docs (list or Doc): Document(s) to visualise. @@ -58,11 +69,13 @@ def serve(docs, style='dep', page=True, minify=False, options={}, manual=False, port (int): Port to serve visualisation. """ from wsgiref import simple_server - render(docs, style=style, page=page, minify=minify, options=options, - manual=manual) - httpd = simple_server.make_server('0.0.0.0', port, app) - prints("Using the '{}' visualizer".format(style), - title="Serving on port {}...".format(port)) + + render(docs, style=style, page=page, minify=minify, options=options, manual=manual) + httpd = simple_server.make_server("0.0.0.0", port, app) + prints( + "Using the '{}' visualizer".format(style), + title="Serving on port {}...".format(port), + ) try: httpd.serve_forever() except KeyboardInterrupt: @@ -72,11 +85,10 @@ def serve(docs, style='dep', page=True, minify=False, options={}, manual=False, def app(environ, start_response): - # headers and status need to be bytes in Python 2, see #1227 - headers = [(b_to_str(b'Content-type'), - b_to_str(b'text/html; charset=utf-8'))] - start_response(b_to_str(b'200 OK'), headers) - res = _html['parsed'].encode(encoding='utf-8') + # Headers and status need to be bytes in Python 2, see #1227 + headers = [(b_to_str(b"Content-type"), b_to_str(b"text/html; charset=utf-8"))] + start_response(b_to_str(b"200 OK"), headers) + res = _html["parsed"].encode(encoding="utf-8") return [res] @@ -89,11 +101,10 @@ def parse_deps(orig_doc, options={}): doc = Doc(orig_doc.vocab).from_bytes(orig_doc.to_bytes()) if not doc.is_parsed: user_warning(Warnings.W005) - if options.get('collapse_phrases', False): + if options.get("collapse_phrases", False): for np in list(doc.noun_chunks): - np.merge(tag=np.root.tag_, lemma=np.root.lemma_, - ent_type=np.root.ent_type_) - if options.get('collapse_punct', True): + np.merge(tag=np.root.tag_, lemma=np.root.lemma_, ent_type=np.root.ent_type_) + if options.get("collapse_punct", True): spans = [] for word in doc[:-1]: if word.is_punct or not word.nbor(1).is_punct: @@ -103,23 +114,31 @@ def parse_deps(orig_doc, options={}): while end < len(doc) and doc[end].is_punct: end += 1 span = doc[start:end] - spans.append((span.start_char, span.end_char, word.tag_, - word.lemma_, word.ent_type_)) + spans.append( + (span.start_char, span.end_char, word.tag_, word.lemma_, word.ent_type_) + ) for start, end, tag, lemma, ent_type in spans: doc.merge(start, end, tag=tag, lemma=lemma, ent_type=ent_type) - if options.get('fine_grained'): - words = [{'text': w.text, 'tag': w.tag_} for w in doc] + if options.get("fine_grained"): + words = [{"text": w.text, "tag": w.tag_} for w in doc] else: - words = [{'text': w.text, 'tag': w.pos_} for w in doc] + words = [{"text": w.text, "tag": w.pos_} for w in doc] arcs = [] for word in doc: if word.i < word.head.i: - arcs.append({'start': word.i, 'end': word.head.i, - 'label': word.dep_, 'dir': 'left'}) + arcs.append( + {"start": word.i, "end": word.head.i, "label": word.dep_, "dir": "left"} + ) elif word.i > word.head.i: - arcs.append({'start': word.head.i, 'end': word.i, - 'label': word.dep_, 'dir': 'right'}) - return {'words': words, 'arcs': arcs} + arcs.append( + { + "start": word.head.i, + "end": word.i, + "label": word.dep_, + "dir": "right", + } + ) + return {"words": words, "arcs": arcs} def parse_ents(doc, options={}): @@ -128,10 +147,11 @@ def parse_ents(doc, options={}): doc (Doc): Document do parse. RETURNS (dict): Generated entities keyed by text (original text) and ents. """ - ents = [{'start': ent.start_char, 'end': ent.end_char, 'label': ent.label_} - for ent in doc.ents] + ents = [ + {"start": ent.start_char, "end": ent.end_char, "label": ent.label_} + for ent in doc.ents + ] if not ents: user_warning(Warnings.W006) - title = (doc.user_data.get('title', None) - if hasattr(doc, 'user_data') else None) - return {'text': doc.text, 'ents': ents, 'title': title} + title = doc.user_data.get("title", None) if hasattr(doc, "user_data") else None + return {"text": doc.text, "ents": ents, "title": title} diff --git a/spacy/displacy/render.py b/spacy/displacy/render.py index 0928f9cb9..ba7f9590c 100644 --- a/spacy/displacy/render.py +++ b/spacy/displacy/render.py @@ -10,7 +10,8 @@ from ..util import minify_html, escape_html class DependencyRenderer(object): """Render dependency parses as SVGs.""" - style = 'dep' + + style = "dep" def __init__(self, options={}): """Initialise dependency renderer. @@ -19,18 +20,16 @@ class DependencyRenderer(object): arrow_spacing, arrow_width, arrow_stroke, distance, offset_x, color, bg, font) """ - self.compact = options.get('compact', False) - self.word_spacing = options.get('word_spacing', 45) - self.arrow_spacing = options.get('arrow_spacing', - 12 if self.compact else 20) - self.arrow_width = options.get('arrow_width', - 6 if self.compact else 10) - self.arrow_stroke = options.get('arrow_stroke', 2) - self.distance = options.get('distance', 150 if self.compact else 175) - self.offset_x = options.get('offset_x', 50) - self.color = options.get('color', '#000000') - self.bg = options.get('bg', '#ffffff') - self.font = options.get('font', 'Arial') + self.compact = options.get("compact", False) + self.word_spacing = options.get("word_spacing", 45) + self.arrow_spacing = options.get("arrow_spacing", 12 if self.compact else 20) + self.arrow_width = options.get("arrow_width", 6 if self.compact else 10) + self.arrow_stroke = options.get("arrow_stroke", 2) + self.distance = options.get("distance", 150 if self.compact else 175) + self.offset_x = options.get("offset_x", 50) + self.color = options.get("color", "#000000") + self.bg = options.get("bg", "#ffffff") + self.font = options.get("font", "Arial") def render(self, parsed, page=False, minify=False): """Render complete markup. @@ -43,14 +42,15 @@ class DependencyRenderer(object): # Create a random ID prefix to make sure parses don't receive the # same ID, even if they're identical id_prefix = random.randint(0, 999) - rendered = [self.render_svg('{}-{}'.format(id_prefix, i), p['words'], p['arcs']) - for i, p in enumerate(parsed)] + rendered = [ + self.render_svg("{}-{}".format(id_prefix, i), p["words"], p["arcs"]) + for i, p in enumerate(parsed) + ] if page: - content = ''.join([TPL_FIGURE.format(content=svg) - for svg in rendered]) + content = "".join([TPL_FIGURE.format(content=svg) for svg in rendered]) markup = TPL_PAGE.format(content=content) else: - markup = ''.join(rendered) + markup = "".join(rendered) if minify: return minify_html(markup) return markup @@ -65,19 +65,25 @@ class DependencyRenderer(object): """ self.levels = self.get_levels(arcs) self.highest_level = len(self.levels) - self.offset_y = self.distance/2*self.highest_level+self.arrow_stroke - self.width = self.offset_x+len(words)*self.distance - self.height = self.offset_y+3*self.word_spacing + self.offset_y = self.distance / 2 * self.highest_level + self.arrow_stroke + self.width = self.offset_x + len(words) * self.distance + self.height = self.offset_y + 3 * self.word_spacing self.id = render_id - words = [self.render_word(w['text'], w['tag'], i) - for i, w in enumerate(words)] - arcs = [self.render_arrow(a['label'], a['start'], - a['end'], a['dir'], i) - for i, a in enumerate(arcs)] - content = ''.join(words) + ''.join(arcs) - return TPL_DEP_SVG.format(id=self.id, width=self.width, - height=self.height, color=self.color, - bg=self.bg, font=self.font, content=content) + words = [self.render_word(w["text"], w["tag"], i) for i, w in enumerate(words)] + arcs = [ + self.render_arrow(a["label"], a["start"], a["end"], a["dir"], i) + for i, a in enumerate(arcs) + ] + content = "".join(words) + "".join(arcs) + return TPL_DEP_SVG.format( + id=self.id, + width=self.width, + height=self.height, + color=self.color, + bg=self.bg, + font=self.font, + content=content, + ) def render_word(self, text, tag, i): """Render individual word. @@ -87,12 +93,11 @@ class DependencyRenderer(object): i (int): Unique ID, typically word index. RETURNS (unicode): Rendered SVG markup. """ - y = self.offset_y+self.word_spacing - x = self.offset_x+i*self.distance + y = self.offset_y + self.word_spacing + x = self.offset_x + i * self.distance html_text = escape_html(text) return TPL_DEP_WORDS.format(text=html_text, tag=tag, x=x, y=y) - def render_arrow(self, label, start, end, direction, i): """Render indivicual arrow. @@ -103,20 +108,30 @@ class DependencyRenderer(object): i (int): Unique ID, typically arrow index. RETURNS (unicode): Rendered SVG markup. """ - level = self.levels.index(end-start)+1 - x_start = self.offset_x+start*self.distance+self.arrow_spacing + level = self.levels.index(end - start) + 1 + x_start = self.offset_x + start * self.distance + self.arrow_spacing y = self.offset_y - x_end = (self.offset_x+(end-start)*self.distance+start*self.distance - - self.arrow_spacing*(self.highest_level-level)/4) - y_curve = self.offset_y-level*self.distance/2 + x_end = ( + self.offset_x + + (end - start) * self.distance + + start * self.distance + - self.arrow_spacing * (self.highest_level - level) / 4 + ) + y_curve = self.offset_y - level * self.distance / 2 if self.compact: - y_curve = self.offset_y-level*self.distance/6 + y_curve = self.offset_y - level * self.distance / 6 if y_curve == 0 and len(self.levels) > 5: y_curve = -self.distance arrowhead = self.get_arrowhead(direction, x_start, y, x_end) arc = self.get_arc(x_start, y, y_curve, x_end) - return TPL_DEP_ARCS.format(id=self.id, i=i, stroke=self.arrow_stroke, - head=arrowhead, label=label, arc=arc) + return TPL_DEP_ARCS.format( + id=self.id, + i=i, + stroke=self.arrow_stroke, + head=arrowhead, + label=label, + arc=arc, + ) def get_arc(self, x_start, y, y_curve, x_end): """Render individual arc. @@ -141,13 +156,22 @@ class DependencyRenderer(object): end (int): X-coordinate of arrow end point. RETURNS (unicode): Definition of the arrow head path ('d' attribute). """ - if direction == 'left': - pos1, pos2, pos3 = (x, x-self.arrow_width+2, x+self.arrow_width-2) + if direction == "left": + pos1, pos2, pos3 = (x, x - self.arrow_width + 2, x + self.arrow_width - 2) else: - pos1, pos2, pos3 = (end, end+self.arrow_width-2, - end-self.arrow_width+2) - arrowhead = (pos1, y+2, pos2, y-self.arrow_width, pos3, - y-self.arrow_width) + pos1, pos2, pos3 = ( + end, + end + self.arrow_width - 2, + end - self.arrow_width + 2, + ) + arrowhead = ( + pos1, + y + 2, + pos2, + y - self.arrow_width, + pos3, + y - self.arrow_width, + ) return "M{},{} L{},{} {},{}".format(*arrowhead) def get_levels(self, arcs): @@ -157,30 +181,44 @@ class DependencyRenderer(object): args (list): Individual arcs and their start, end, direction and label. RETURNS (list): Arc levels sorted from lowest to highest. """ - levels = set(map(lambda arc: arc['end'] - arc['start'], arcs)) + levels = set(map(lambda arc: arc["end"] - arc["start"], arcs)) return sorted(list(levels)) class EntityRenderer(object): """Render named entities as HTML.""" - style = 'ent' + + style = "ent" def __init__(self, options={}): """Initialise dependency renderer. options (dict): Visualiser-specific options (colors, ents) """ - colors = {'ORG': '#7aecec', 'PRODUCT': '#bfeeb7', 'GPE': '#feca74', - 'LOC': '#ff9561', 'PERSON': '#aa9cfc', 'NORP': '#c887fb', - 'FACILITY': '#9cc9cc', 'EVENT': '#ffeb80', 'LAW': '#ff8197', - 'LANGUAGE': '#ff8197', 'WORK_OF_ART': '#f0d0ff', - 'DATE': '#bfe1d9', 'TIME': '#bfe1d9', 'MONEY': '#e4e7d2', - 'QUANTITY': '#e4e7d2', 'ORDINAL': '#e4e7d2', - 'CARDINAL': '#e4e7d2', 'PERCENT': '#e4e7d2'} - colors.update(options.get('colors', {})) - self.default_color = '#ddd' + colors = { + "ORG": "#7aecec", + "PRODUCT": "#bfeeb7", + "GPE": "#feca74", + "LOC": "#ff9561", + "PERSON": "#aa9cfc", + "NORP": "#c887fb", + "FACILITY": "#9cc9cc", + "EVENT": "#ffeb80", + "LAW": "#ff8197", + "LANGUAGE": "#ff8197", + "WORK_OF_ART": "#f0d0ff", + "DATE": "#bfe1d9", + "TIME": "#bfe1d9", + "MONEY": "#e4e7d2", + "QUANTITY": "#e4e7d2", + "ORDINAL": "#e4e7d2", + "CARDINAL": "#e4e7d2", + "PERCENT": "#e4e7d2", + } + colors.update(options.get("colors", {})) + self.default_color = "#ddd" self.colors = colors - self.ents = options.get('ents', None) + self.ents = options.get("ents", None) def render(self, parsed, page=False, minify=False): """Render complete markup. @@ -190,14 +228,14 @@ class EntityRenderer(object): minify (bool): Minify HTML markup. RETURNS (unicode): Rendered HTML markup. """ - rendered = [self.render_ents(p['text'], p['ents'], - p.get('title', None)) for p in parsed] + rendered = [ + self.render_ents(p["text"], p["ents"], p.get("title", None)) for p in parsed + ] if page: - docs = ''.join([TPL_FIGURE.format(content=doc) - for doc in rendered]) + docs = "".join([TPL_FIGURE.format(content=doc) for doc in rendered]) markup = TPL_PAGE.format(content=docs) else: - markup = ''.join(rendered) + markup = "".join(rendered) if minify: return minify_html(markup) return markup @@ -209,18 +247,18 @@ class EntityRenderer(object): spans (list): Individual entity spans and their start, end and label. title (unicode or None): Document title set in Doc.user_data['title']. """ - markup = '' + markup = "" offset = 0 for span in spans: - label = span['label'] - start = span['start'] - end = span['end'] + label = span["label"] + start = span["start"] + end = span["end"] entity = text[start:end] - fragments = text[offset:start].split('\n') + fragments = text[offset:start].split("\n") for i, fragment in enumerate(fragments): markup += fragment - if len(fragments) > 1 and i != len(fragments)-1: - markup += '
' + if len(fragments) > 1 and i != len(fragments) - 1: + markup += "
" if self.ents is None or label.upper() in self.ents: color = self.colors.get(label.upper(), self.default_color) markup += TPL_ENT.format(label=label, text=entity, bg=color) diff --git a/spacy/displacy/templates.py b/spacy/displacy/templates.py index 2f6fc22de..f0922b1e3 100644 --- a/spacy/displacy/templates.py +++ b/spacy/displacy/templates.py @@ -2,7 +2,7 @@ from __future__ import unicode_literals -# setting explicit height and max-width: none on the SVG is required for +# Setting explicit height and max-width: none on the SVG is required for # Jupyter to render it properly in a cell TPL_DEP_SVG = """ diff --git a/spacy/errors.py b/spacy/errors.py index 472aacbec..cede519c9 100644 --- a/spacy/errors.py +++ b/spacy/errors.py @@ -8,13 +8,17 @@ import inspect def add_codes(err_cls): """Add error codes to string messages via class attribute names.""" + class ErrorsWithCodes(object): def __getattribute__(self, code): msg = getattr(err_cls, code) - return '[{code}] {msg}'.format(code=code, msg=msg) + return "[{code}] {msg}".format(code=code, msg=msg) + return ErrorsWithCodes() +# fmt: off + @add_codes class Warnings(object): W001 = ("As of spaCy v2.0, the keyword argument `path=` is deprecated. " @@ -260,7 +264,7 @@ class Errors(object): E095 = ("Can't write to frozen dictionary. This is likely an internal " "error. Are you writing to a default function argument?") E096 = ("Invalid object passed to displaCy: Can only visualize Doc or " - "Span objects, or dicts if set to manual=True.") + "Span objects, or dicts if set to manual=True.") E097 = ("Invalid pattern: expected token pattern (list of dicts) or " "phrase pattern (string) but got:\n{pattern}") E098 = ("Invalid pattern specified: expected both SPEC and PATTERN.") @@ -275,6 +279,7 @@ class Errors(object): " can only be part of one entity, so make sure the entities you're " "setting don't overlap.") + @add_codes class TempErrors(object): T001 = ("Max length currently 10 for phrase matching") @@ -292,55 +297,57 @@ class TempErrors(object): "(pretrained_dims) but not the new name (pretrained_vectors).") +# fmt: on + + class ModelsWarning(UserWarning): pass WARNINGS = { - 'user': UserWarning, - 'deprecation': DeprecationWarning, - 'models': ModelsWarning, + "user": UserWarning, + "deprecation": DeprecationWarning, + "models": ModelsWarning, } def _get_warn_types(arg): - if arg == '': # don't show any warnings + if arg == "": # don't show any warnings return [] - if not arg or arg == 'all': # show all available warnings + if not arg or arg == "all": # show all available warnings return WARNINGS.keys() - return [w_type.strip() for w_type in arg.split(',') - if w_type.strip() in WARNINGS] + return [w_type.strip() for w_type in arg.split(",") if w_type.strip() in WARNINGS] def _get_warn_excl(arg): if not arg: return [] - return [w_id.strip() for w_id in arg.split(',')] + return [w_id.strip() for w_id in arg.split(",")] -SPACY_WARNING_FILTER = os.environ.get('SPACY_WARNING_FILTER') -SPACY_WARNING_TYPES = _get_warn_types(os.environ.get('SPACY_WARNING_TYPES')) -SPACY_WARNING_IGNORE = _get_warn_excl(os.environ.get('SPACY_WARNING_IGNORE')) +SPACY_WARNING_FILTER = os.environ.get("SPACY_WARNING_FILTER") +SPACY_WARNING_TYPES = _get_warn_types(os.environ.get("SPACY_WARNING_TYPES")) +SPACY_WARNING_IGNORE = _get_warn_excl(os.environ.get("SPACY_WARNING_IGNORE")) def user_warning(message): - _warn(message, 'user') + _warn(message, "user") def deprecation_warning(message): - _warn(message, 'deprecation') + _warn(message, "deprecation") def models_warning(message): - _warn(message, 'models') + _warn(message, "models") -def _warn(message, warn_type='user'): +def _warn(message, warn_type="user"): """ message (unicode): The message to display. category (Warning): The Warning to show. """ - w_id = message.split('[', 1)[1].split(']', 1)[0] # get ID from string + w_id = message.split("[", 1)[1].split("]", 1)[0] # get ID from string if warn_type in SPACY_WARNING_TYPES and w_id not in SPACY_WARNING_IGNORE: category = WARNINGS[warn_type] stack = inspect.stack()[-1] diff --git a/spacy/glossary.py b/spacy/glossary.py index 384330353..6e393bba2 100644 --- a/spacy/glossary.py +++ b/spacy/glossary.py @@ -21,295 +21,272 @@ GLOSSARY = { # POS tags # Universal POS Tags # http://universaldependencies.org/u/pos/ - - 'ADJ': 'adjective', - 'ADP': 'adposition', - 'ADV': 'adverb', - 'AUX': 'auxiliary', - 'CONJ': 'conjunction', - 'CCONJ': 'coordinating conjunction', - 'DET': 'determiner', - 'INTJ': 'interjection', - 'NOUN': 'noun', - 'NUM': 'numeral', - 'PART': 'particle', - 'PRON': 'pronoun', - 'PROPN': 'proper noun', - 'PUNCT': 'punctuation', - 'SCONJ': 'subordinating conjunction', - 'SYM': 'symbol', - 'VERB': 'verb', - 'X': 'other', - 'EOL': 'end of line', - 'SPACE': 'space', - - + "ADJ": "adjective", + "ADP": "adposition", + "ADV": "adverb", + "AUX": "auxiliary", + "CONJ": "conjunction", + "CCONJ": "coordinating conjunction", + "DET": "determiner", + "INTJ": "interjection", + "NOUN": "noun", + "NUM": "numeral", + "PART": "particle", + "PRON": "pronoun", + "PROPN": "proper noun", + "PUNCT": "punctuation", + "SCONJ": "subordinating conjunction", + "SYM": "symbol", + "VERB": "verb", + "X": "other", + "EOL": "end of line", + "SPACE": "space", # POS tags (English) # OntoNotes 5 / Penn Treebank # https://www.ling.upenn.edu/courses/Fall_2003/ling001/penn_treebank_pos.html - - '.': 'punctuation mark, sentence closer', - ',': 'punctuation mark, comma', - '-LRB-': 'left round bracket', - '-RRB-': 'right round bracket', - '``': 'opening quotation mark', - '""': 'closing quotation mark', - "''": 'closing quotation mark', - ':': 'punctuation mark, colon or ellipsis', - '$': 'symbol, currency', - '#': 'symbol, number sign', - 'AFX': 'affix', - 'CC': 'conjunction, coordinating', - 'CD': 'cardinal number', - 'DT': 'determiner', - 'EX': 'existential there', - 'FW': 'foreign word', - 'HYPH': 'punctuation mark, hyphen', - 'IN': 'conjunction, subordinating or preposition', - 'JJ': 'adjective', - 'JJR': 'adjective, comparative', - 'JJS': 'adjective, superlative', - 'LS': 'list item marker', - 'MD': 'verb, modal auxiliary', - 'NIL': 'missing tag', - 'NN': 'noun, singular or mass', - 'NNP': 'noun, proper singular', - 'NNPS': 'noun, proper plural', - 'NNS': 'noun, plural', - 'PDT': 'predeterminer', - 'POS': 'possessive ending', - 'PRP': 'pronoun, personal', - 'PRP$': 'pronoun, possessive', - 'RB': 'adverb', - 'RBR': 'adverb, comparative', - 'RBS': 'adverb, superlative', - 'RP': 'adverb, particle', - 'TO': 'infinitival to', - 'UH': 'interjection', - 'VB': 'verb, base form', - 'VBD': 'verb, past tense', - 'VBG': 'verb, gerund or present participle', - 'VBN': 'verb, past participle', - 'VBP': 'verb, non-3rd person singular present', - 'VBZ': 'verb, 3rd person singular present', - 'WDT': 'wh-determiner', - 'WP': 'wh-pronoun, personal', - 'WP$': 'wh-pronoun, possessive', - 'WRB': 'wh-adverb', - 'SP': 'space', - 'ADD': 'email', - 'NFP': 'superfluous punctuation', - 'GW': 'additional word in multi-word expression', - 'XX': 'unknown', - 'BES': 'auxiliary "be"', - 'HVS': 'forms of "have"', - - + ".": "punctuation mark, sentence closer", + ",": "punctuation mark, comma", + "-LRB-": "left round bracket", + "-RRB-": "right round bracket", + "``": "opening quotation mark", + '""': "closing quotation mark", + "''": "closing quotation mark", + ":": "punctuation mark, colon or ellipsis", + "$": "symbol, currency", + "#": "symbol, number sign", + "AFX": "affix", + "CC": "conjunction, coordinating", + "CD": "cardinal number", + "DT": "determiner", + "EX": "existential there", + "FW": "foreign word", + "HYPH": "punctuation mark, hyphen", + "IN": "conjunction, subordinating or preposition", + "JJ": "adjective", + "JJR": "adjective, comparative", + "JJS": "adjective, superlative", + "LS": "list item marker", + "MD": "verb, modal auxiliary", + "NIL": "missing tag", + "NN": "noun, singular or mass", + "NNP": "noun, proper singular", + "NNPS": "noun, proper plural", + "NNS": "noun, plural", + "PDT": "predeterminer", + "POS": "possessive ending", + "PRP": "pronoun, personal", + "PRP$": "pronoun, possessive", + "RB": "adverb", + "RBR": "adverb, comparative", + "RBS": "adverb, superlative", + "RP": "adverb, particle", + "TO": "infinitival to", + "UH": "interjection", + "VB": "verb, base form", + "VBD": "verb, past tense", + "VBG": "verb, gerund or present participle", + "VBN": "verb, past participle", + "VBP": "verb, non-3rd person singular present", + "VBZ": "verb, 3rd person singular present", + "WDT": "wh-determiner", + "WP": "wh-pronoun, personal", + "WP$": "wh-pronoun, possessive", + "WRB": "wh-adverb", + "SP": "space", + "ADD": "email", + "NFP": "superfluous punctuation", + "GW": "additional word in multi-word expression", + "XX": "unknown", + "BES": 'auxiliary "be"', + "HVS": 'forms of "have"', # POS Tags (German) # TIGER Treebank # http://www.ims.uni-stuttgart.de/forschung/ressourcen/korpora/TIGERCorpus/annotation/tiger_introduction.pdf - - '$(': 'other sentence-internal punctuation mark', - '$,': 'comma', - '$.': 'sentence-final punctuation mark', - 'ADJA': 'adjective, attributive', - 'ADJD': 'adjective, adverbial or predicative', - 'APPO': 'postposition', - 'APPR': 'preposition; circumposition left', - 'APPRART': 'preposition with article', - 'APZR': 'circumposition right', - 'ART': 'definite or indefinite article', - 'CARD': 'cardinal number', - 'FM': 'foreign language material', - 'ITJ': 'interjection', - 'KOKOM': 'comparative conjunction', - 'KON': 'coordinate conjunction', - 'KOUI': 'subordinate conjunction with "zu" and infinitive', - 'KOUS': 'subordinate conjunction with sentence', - 'NE': 'proper noun', - 'NNE': 'proper noun', - 'PAV': 'pronominal adverb', - 'PROAV': 'pronominal adverb', - 'PDAT': 'attributive demonstrative pronoun', - 'PDS': 'substituting demonstrative pronoun', - 'PIAT': 'attributive indefinite pronoun without determiner', - 'PIDAT': 'attributive indefinite pronoun with determiner', - 'PIS': 'substituting indefinite pronoun', - 'PPER': 'non-reflexive personal pronoun', - 'PPOSAT': 'attributive possessive pronoun', - 'PPOSS': 'substituting possessive pronoun', - 'PRELAT': 'attributive relative pronoun', - 'PRELS': 'substituting relative pronoun', - 'PRF': 'reflexive personal pronoun', - 'PTKA': 'particle with adjective or adverb', - 'PTKANT': 'answer particle', - 'PTKNEG': 'negative particle', - 'PTKVZ': 'separable verbal particle', - 'PTKZU': '"zu" before infinitive', - 'PWAT': 'attributive interrogative pronoun', - 'PWAV': 'adverbial interrogative or relative pronoun', - 'PWS': 'substituting interrogative pronoun', - 'TRUNC': 'word remnant', - 'VAFIN': 'finite verb, auxiliary', - 'VAIMP': 'imperative, auxiliary', - 'VAINF': 'infinitive, auxiliary', - 'VAPP': 'perfect participle, auxiliary', - 'VMFIN': 'finite verb, modal', - 'VMINF': 'infinitive, modal', - 'VMPP': 'perfect participle, modal', - 'VVFIN': 'finite verb, full', - 'VVIMP': 'imperative, full', - 'VVINF': 'infinitive, full', - 'VVIZU': 'infinitive with "zu", full', - 'VVPP': 'perfect participle, full', - 'XY': 'non-word containing non-letter', - - + "$(": "other sentence-internal punctuation mark", + "$,": "comma", + "$.": "sentence-final punctuation mark", + "ADJA": "adjective, attributive", + "ADJD": "adjective, adverbial or predicative", + "APPO": "postposition", + "APPR": "preposition; circumposition left", + "APPRART": "preposition with article", + "APZR": "circumposition right", + "ART": "definite or indefinite article", + "CARD": "cardinal number", + "FM": "foreign language material", + "ITJ": "interjection", + "KOKOM": "comparative conjunction", + "KON": "coordinate conjunction", + "KOUI": 'subordinate conjunction with "zu" and infinitive', + "KOUS": "subordinate conjunction with sentence", + "NE": "proper noun", + "NNE": "proper noun", + "PAV": "pronominal adverb", + "PROAV": "pronominal adverb", + "PDAT": "attributive demonstrative pronoun", + "PDS": "substituting demonstrative pronoun", + "PIAT": "attributive indefinite pronoun without determiner", + "PIDAT": "attributive indefinite pronoun with determiner", + "PIS": "substituting indefinite pronoun", + "PPER": "non-reflexive personal pronoun", + "PPOSAT": "attributive possessive pronoun", + "PPOSS": "substituting possessive pronoun", + "PRELAT": "attributive relative pronoun", + "PRELS": "substituting relative pronoun", + "PRF": "reflexive personal pronoun", + "PTKA": "particle with adjective or adverb", + "PTKANT": "answer particle", + "PTKNEG": "negative particle", + "PTKVZ": "separable verbal particle", + "PTKZU": '"zu" before infinitive', + "PWAT": "attributive interrogative pronoun", + "PWAV": "adverbial interrogative or relative pronoun", + "PWS": "substituting interrogative pronoun", + "TRUNC": "word remnant", + "VAFIN": "finite verb, auxiliary", + "VAIMP": "imperative, auxiliary", + "VAINF": "infinitive, auxiliary", + "VAPP": "perfect participle, auxiliary", + "VMFIN": "finite verb, modal", + "VMINF": "infinitive, modal", + "VMPP": "perfect participle, modal", + "VVFIN": "finite verb, full", + "VVIMP": "imperative, full", + "VVINF": "infinitive, full", + "VVIZU": 'infinitive with "zu", full', + "VVPP": "perfect participle, full", + "XY": "non-word containing non-letter", # Noun chunks - - 'NP': 'noun phrase', - 'PP': 'prepositional phrase', - 'VP': 'verb phrase', - 'ADVP': 'adverb phrase', - 'ADJP': 'adjective phrase', - 'SBAR': 'subordinating conjunction', - 'PRT': 'particle', - 'PNP': 'prepositional noun phrase', - - + "NP": "noun phrase", + "PP": "prepositional phrase", + "VP": "verb phrase", + "ADVP": "adverb phrase", + "ADJP": "adjective phrase", + "SBAR": "subordinating conjunction", + "PRT": "particle", + "PNP": "prepositional noun phrase", # Dependency Labels (English) # ClearNLP / Universal Dependencies # https://github.com/clir/clearnlp-guidelines/blob/master/md/specifications/dependency_labels.md - - 'acomp': 'adjectival complement', - 'advcl': 'adverbial clause modifier', - 'advmod': 'adverbial modifier', - 'agent': 'agent', - 'amod': 'adjectival modifier', - 'appos': 'appositional modifier', - 'attr': 'attribute', - 'aux': 'auxiliary', - 'auxpass': 'auxiliary (passive)', - 'cc': 'coordinating conjunction', - 'ccomp': 'clausal complement', - 'complm': 'complementizer', - 'conj': 'conjunct', - 'cop': 'copula', - 'csubj': 'clausal subject', - 'csubjpass': 'clausal subject (passive)', - 'dep': 'unclassified dependent', - 'det': 'determiner', - 'dobj': 'direct object', - 'expl': 'expletive', - 'hmod': 'modifier in hyphenation', - 'hyph': 'hyphen', - 'infmod': 'infinitival modifier', - 'intj': 'interjection', - 'iobj': 'indirect object', - 'mark': 'marker', - 'meta': 'meta modifier', - 'neg': 'negation modifier', - 'nmod': 'modifier of nominal', - 'nn': 'noun compound modifier', - 'npadvmod': 'noun phrase as adverbial modifier', - 'nsubj': 'nominal subject', - 'nsubjpass': 'nominal subject (passive)', - 'num': 'number modifier', - 'number': 'number compound modifier', - 'oprd': 'object predicate', - 'obj': 'object', - 'obl': 'oblique nominal', - 'parataxis': 'parataxis', - 'partmod': 'participal modifier', - 'pcomp': 'complement of preposition', - 'pobj': 'object of preposition', - 'poss': 'possession modifier', - 'possessive': 'possessive modifier', - 'preconj': 'pre-correlative conjunction', - 'prep': 'prepositional modifier', - 'prt': 'particle', - 'punct': 'punctuation', - 'quantmod': 'modifier of quantifier', - 'rcmod': 'relative clause modifier', - 'root': 'root', - 'xcomp': 'open clausal complement', - - + "acomp": "adjectival complement", + "advcl": "adverbial clause modifier", + "advmod": "adverbial modifier", + "agent": "agent", + "amod": "adjectival modifier", + "appos": "appositional modifier", + "attr": "attribute", + "aux": "auxiliary", + "auxpass": "auxiliary (passive)", + "cc": "coordinating conjunction", + "ccomp": "clausal complement", + "complm": "complementizer", + "conj": "conjunct", + "cop": "copula", + "csubj": "clausal subject", + "csubjpass": "clausal subject (passive)", + "dep": "unclassified dependent", + "det": "determiner", + "dobj": "direct object", + "expl": "expletive", + "hmod": "modifier in hyphenation", + "hyph": "hyphen", + "infmod": "infinitival modifier", + "intj": "interjection", + "iobj": "indirect object", + "mark": "marker", + "meta": "meta modifier", + "neg": "negation modifier", + "nmod": "modifier of nominal", + "nn": "noun compound modifier", + "npadvmod": "noun phrase as adverbial modifier", + "nsubj": "nominal subject", + "nsubjpass": "nominal subject (passive)", + "num": "number modifier", + "number": "number compound modifier", + "oprd": "object predicate", + "obj": "object", + "obl": "oblique nominal", + "parataxis": "parataxis", + "partmod": "participal modifier", + "pcomp": "complement of preposition", + "pobj": "object of preposition", + "poss": "possession modifier", + "possessive": "possessive modifier", + "preconj": "pre-correlative conjunction", + "prep": "prepositional modifier", + "prt": "particle", + "punct": "punctuation", + "quantmod": "modifier of quantifier", + "rcmod": "relative clause modifier", + "root": "root", + "xcomp": "open clausal complement", # Dependency labels (German) # TIGER Treebank # http://www.ims.uni-stuttgart.de/forschung/ressourcen/korpora/TIGERCorpus/annotation/tiger_introduction.pdf # currently missing: 'cc' (comparative complement) because of conflict # with English labels - - 'ac': 'adpositional case marker', - 'adc': 'adjective component', - 'ag': 'genitive attribute', - 'ams': 'measure argument of adjective', - 'app': 'apposition', - 'avc': 'adverbial phrase component', - 'cd': 'coordinating conjunction', - 'cj': 'conjunct', - 'cm': 'comparative conjunction', - 'cp': 'complementizer', - 'cvc': 'collocational verb construction', - 'da': 'dative', - 'dh': 'discourse-level head', - 'dm': 'discourse marker', - 'ep': 'expletive es', - 'hd': 'head', - 'ju': 'junctor', - 'mnr': 'postnominal modifier', - 'mo': 'modifier', - 'ng': 'negation', - 'nk': 'noun kernel element', - 'nmc': 'numerical component', - 'oa': 'accusative object', - 'oc': 'clausal object', - 'og': 'genitive object', - 'op': 'prepositional object', - 'par': 'parenthetical element', - 'pd': 'predicate', - 'pg': 'phrasal genitive', - 'ph': 'placeholder', - 'pm': 'morphological particle', - 'pnc': 'proper noun component', - 'rc': 'relative clause', - 're': 'repeated element', - 'rs': 'reported speech', - 'sb': 'subject', - - + "ac": "adpositional case marker", + "adc": "adjective component", + "ag": "genitive attribute", + "ams": "measure argument of adjective", + "app": "apposition", + "avc": "adverbial phrase component", + "cd": "coordinating conjunction", + "cj": "conjunct", + "cm": "comparative conjunction", + "cp": "complementizer", + "cvc": "collocational verb construction", + "da": "dative", + "dh": "discourse-level head", + "dm": "discourse marker", + "ep": "expletive es", + "hd": "head", + "ju": "junctor", + "mnr": "postnominal modifier", + "mo": "modifier", + "ng": "negation", + "nk": "noun kernel element", + "nmc": "numerical component", + "oa": "accusative object", + "oc": "clausal object", + "og": "genitive object", + "op": "prepositional object", + "par": "parenthetical element", + "pd": "predicate", + "pg": "phrasal genitive", + "ph": "placeholder", + "pm": "morphological particle", + "pnc": "proper noun component", + "rc": "relative clause", + "re": "repeated element", + "rs": "reported speech", + "sb": "subject", # Named Entity Recognition # OntoNotes 5 # https://catalog.ldc.upenn.edu/docs/LDC2013T19/OntoNotes-Release-5.0.pdf - - 'PERSON': 'People, including fictional', - 'NORP': 'Nationalities or religious or political groups', - 'FACILITY': 'Buildings, airports, highways, bridges, etc.', - 'FAC': 'Buildings, airports, highways, bridges, etc.', - 'ORG': 'Companies, agencies, institutions, etc.', - 'GPE': 'Countries, cities, states', - 'LOC': 'Non-GPE locations, mountain ranges, bodies of water', - 'PRODUCT': 'Objects, vehicles, foods, etc. (not services)', - 'EVENT': 'Named hurricanes, battles, wars, sports events, etc.', - 'WORK_OF_ART': 'Titles of books, songs, etc.', - 'LAW': 'Named documents made into laws.', - 'LANGUAGE': 'Any named language', - 'DATE': 'Absolute or relative dates or periods', - 'TIME': 'Times smaller than a day', - 'PERCENT': 'Percentage, including "%"', - 'MONEY': 'Monetary values, including unit', - 'QUANTITY': 'Measurements, as of weight or distance', - 'ORDINAL': '"first", "second", etc.', - 'CARDINAL': 'Numerals that do not fall under another type', - - + "PERSON": "People, including fictional", + "NORP": "Nationalities or religious or political groups", + "FACILITY": "Buildings, airports, highways, bridges, etc.", + "FAC": "Buildings, airports, highways, bridges, etc.", + "ORG": "Companies, agencies, institutions, etc.", + "GPE": "Countries, cities, states", + "LOC": "Non-GPE locations, mountain ranges, bodies of water", + "PRODUCT": "Objects, vehicles, foods, etc. (not services)", + "EVENT": "Named hurricanes, battles, wars, sports events, etc.", + "WORK_OF_ART": "Titles of books, songs, etc.", + "LAW": "Named documents made into laws.", + "LANGUAGE": "Any named language", + "DATE": "Absolute or relative dates or periods", + "TIME": "Times smaller than a day", + "PERCENT": 'Percentage, including "%"', + "MONEY": "Monetary values, including unit", + "QUANTITY": "Measurements, as of weight or distance", + "ORDINAL": '"first", "second", etc.', + "CARDINAL": "Numerals that do not fall under another type", # Named Entity Recognition # Wikipedia # http://www.sciencedirect.com/science/article/pii/S0004370212000276 # https://pdfs.semanticscholar.org/5744/578cc243d92287f47448870bb426c66cc941.pdf - - 'PER': 'Named person or family.', - 'MISC': ('Miscellaneous entities, e.g. events, nationalities, ' - 'products or works of art'), + "PER": "Named person or family.", + "MISC": "Miscellaneous entities, e.g. events, nationalities, products or works of art", } diff --git a/spacy/lang/ar/__init__.py b/spacy/lang/ar/__init__.py index 50bf5b157..c6ff071cf 100644 --- a/spacy/lang/ar/__init__.py +++ b/spacy/lang/ar/__init__.py @@ -16,16 +16,18 @@ from ...util import update_exc, add_lookups class ArabicDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[LANG] = lambda text: 'ar' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "ar" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS suffixes = TOKENIZER_SUFFIXES class Arabic(Language): - lang = 'ar' + lang = "ar" Defaults = ArabicDefaults -__all__ = ['Arabic'] +__all__ = ["Arabic"] diff --git a/spacy/lang/ar/examples.py b/spacy/lang/ar/examples.py index b78322d1a..2a10f4fcc 100644 --- a/spacy/lang/ar/examples.py +++ b/spacy/lang/ar/examples.py @@ -10,11 +10,11 @@ Example sentences to test spaCy and its language models. sentences = [ "نال الكاتب خالد توفيق جائزة الرواية العربية في معرض الشارقة الدولي للكتاب", - "أين تقع دمشق ؟" + "أين تقع دمشق ؟", "كيف حالك ؟", "هل يمكن ان نلتقي على الساعة الثانية عشرة ظهرا ؟", "ماهي أبرز التطورات السياسية، الأمنية والاجتماعية في العالم ؟", "هل بالإمكان أن نلتقي غدا؟", "هناك نحو 382 مليون شخص مصاب بداء السكَّري في العالم", - "كشفت دراسة حديثة أن الخيل تقرأ تعبيرات الوجه وتستطيع أن تتذكر مشاعر الناس وعواطفهم" + "كشفت دراسة حديثة أن الخيل تقرأ تعبيرات الوجه وتستطيع أن تتذكر مشاعر الناس وعواطفهم", ] diff --git a/spacy/lang/ar/lex_attrs.py b/spacy/lang/ar/lex_attrs.py index 02e419ca9..19e7aef8a 100644 --- a/spacy/lang/ar/lex_attrs.py +++ b/spacy/lang/ar/lex_attrs.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = set(""" +_num_words = set( + """ صفر واحد إثنان @@ -52,9 +53,11 @@ _num_words = set(""" مليون مليار مليارات -""".split()) +""".split() +) -_ordinal_words = set(""" +_ordinal_words = set( + """ اول أول حاد @@ -69,20 +72,21 @@ _ordinal_words = set(""" ثامن تاسع عاشر -""".split()) +""".split() +) def like_num(text): """ - check if text resembles a number + Check if text resembles a number """ - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text in _num_words: @@ -92,6 +96,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/ar/punctuation.py b/spacy/lang/ar/punctuation.py index 9857d0d3e..49b729fe5 100644 --- a/spacy/lang/ar/punctuation.py +++ b/spacy/lang/ar/punctuation.py @@ -1,15 +1,20 @@ # coding: utf8 from __future__ import unicode_literals -from ..punctuation import TOKENIZER_INFIXES from ..char_classes import LIST_PUNCT, LIST_ELLIPSES, LIST_QUOTES, CURRENCY -from ..char_classes import QUOTES, UNITS, ALPHA, ALPHA_LOWER, ALPHA_UPPER +from ..char_classes import UNITS, ALPHA_UPPER -_suffixes = (LIST_PUNCT + LIST_ELLIPSES + LIST_QUOTES + - [r'(?<=[0-9])\+', - # Arabic is written from Right-To-Left - r'(?<=[0-9])(?:{})'.format(CURRENCY), - r'(?<=[0-9])(?:{})'.format(UNITS), - r'(?<=[{au}][{au}])\.'.format(au=ALPHA_UPPER)]) +_suffixes = ( + LIST_PUNCT + + LIST_ELLIPSES + + LIST_QUOTES + + [ + r"(?<=[0-9])\+", + # Arabic is written from Right-To-Left + r"(?<=[0-9])(?:{})".format(CURRENCY), + r"(?<=[0-9])(?:{})".format(UNITS), + r"(?<=[{au}][{au}])\.".format(au=ALPHA_UPPER), + ] +) TOKENIZER_SUFFIXES = _suffixes diff --git a/spacy/lang/ar/stop_words.py b/spacy/lang/ar/stop_words.py index 4f0bf16b5..de2fc7443 100644 --- a/spacy/lang/ar/stop_words.py +++ b/spacy/lang/ar/stop_words.py @@ -1,7 +1,8 @@ # coding: utf8 from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ من نحو لعل @@ -388,4 +389,5 @@ STOP_WORDS = set(""" وإن ولو يا -""".split()) +""".split() +) diff --git a/spacy/lang/ar/tokenizer_exceptions.py b/spacy/lang/ar/tokenizer_exceptions.py index e5b5a1767..030daecd5 100644 --- a/spacy/lang/ar/tokenizer_exceptions.py +++ b/spacy/lang/ar/tokenizer_exceptions.py @@ -1,21 +1,23 @@ # coding: utf8 from __future__ import unicode_literals -from ...symbols import ORTH, LEMMA, TAG, NORM, PRON_LEMMA -import re +from ...symbols import ORTH, LEMMA + _exc = {} -# time + +# Time for exc_data in [ {LEMMA: "قبل الميلاد", ORTH: "ق.م"}, {LEMMA: "بعد الميلاد", ORTH: "ب. م"}, {LEMMA: "ميلادي", ORTH: ".م"}, {LEMMA: "هجري", ORTH: ".هـ"}, - {LEMMA: "توفي", ORTH: ".ت"}]: + {LEMMA: "توفي", ORTH: ".ت"}, +]: _exc[exc_data[ORTH]] = [exc_data] -# scientific abv. +# Scientific abv. for exc_data in [ {LEMMA: "صلى الله عليه وسلم", ORTH: "صلعم"}, {LEMMA: "الشارح", ORTH: "الشـ"}, @@ -28,20 +30,20 @@ for exc_data in [ {LEMMA: "أنبأنا", ORTH: "أنا"}, {LEMMA: "أخبرنا", ORTH: "نا"}, {LEMMA: "مصدر سابق", ORTH: "م. س"}, - {LEMMA: "مصدر نفسه", ORTH: "م. ن"}]: + {LEMMA: "مصدر نفسه", ORTH: "م. ن"}, +]: _exc[exc_data[ORTH]] = [exc_data] -# other abv. +# Other abv. for exc_data in [ {LEMMA: "دكتور", ORTH: "د."}, {LEMMA: "أستاذ دكتور", ORTH: "أ.د"}, {LEMMA: "أستاذ", ORTH: "أ."}, - {LEMMA: "بروفيسور", ORTH: "ب."}]: + {LEMMA: "بروفيسور", ORTH: "ب."}, +]: _exc[exc_data[ORTH]] = [exc_data] -for exc_data in [ - {LEMMA: "تلفون", ORTH: "ت."}, - {LEMMA: "صندوق بريد", ORTH: "ص.ب"}]: +for exc_data in [{LEMMA: "تلفون", ORTH: "ت."}, {LEMMA: "صندوق بريد", ORTH: "ص.ب"}]: _exc[exc_data[ORTH]] = [exc_data] TOKENIZER_EXCEPTIONS = _exc diff --git a/spacy/lang/bn/__init__.py b/spacy/lang/bn/__init__.py index ff560afae..1558adabf 100644 --- a/spacy/lang/bn/__init__.py +++ b/spacy/lang/bn/__init__.py @@ -15,7 +15,7 @@ from ...util import update_exc class BengaliDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'bn' + lex_attr_getters[LANG] = lambda text: "bn" tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) tag_map = TAG_MAP stop_words = STOP_WORDS @@ -26,8 +26,8 @@ class BengaliDefaults(Language.Defaults): class Bengali(Language): - lang = 'bn' + lang = "bn" Defaults = BengaliDefaults -__all__ = ['Bengali'] +__all__ = ["Bengali"] diff --git a/spacy/lang/bn/lemmatizer.py b/spacy/lang/bn/lemmatizer.py index a09869f6f..51e9cb598 100644 --- a/spacy/lang/bn/lemmatizer.py +++ b/spacy/lang/bn/lemmatizer.py @@ -13,11 +13,9 @@ LEMMA_RULES = { ["গাছা", ""], ["গাছি", ""], ["ছড়া", ""], - ["কে", ""], ["ে", ""], ["তে", ""], - ["র", ""], ["রা", ""], ["রে", ""], @@ -28,7 +26,6 @@ LEMMA_RULES = { ["গুলা", ""], ["গুলো", ""], ["গুলি", ""], - ["কুল", ""], ["গণ", ""], ["দল", ""], @@ -45,7 +42,6 @@ LEMMA_RULES = { ["সকল", ""], ["মহল", ""], ["াবলি", ""], # আবলি - # Bengali digit representations ["০", "0"], ["১", "1"], @@ -58,11 +54,5 @@ LEMMA_RULES = { ["৮", "8"], ["৯", "9"], ], - - "punct": [ - ["“", "\""], - ["”", "\""], - ["\u2018", "'"], - ["\u2019", "'"] - ] + "punct": [["“", '"'], ["”", '"'], ["\u2018", "'"], ["\u2019", "'"]], } diff --git a/spacy/lang/bn/morph_rules.py b/spacy/lang/bn/morph_rules.py index 9e5511344..45add4b71 100644 --- a/spacy/lang/bn/morph_rules.py +++ b/spacy/lang/bn/morph_rules.py @@ -5,64 +5,253 @@ from ...symbols import LEMMA, PRON_LEMMA MORPH_RULES = { - "PRP": { - 'ঐ': {LEMMA: PRON_LEMMA, 'PronType': 'Dem'}, - 'আমাকে': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'One', 'PronType': 'Prs', 'Case': 'Acc'}, - 'কি': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Gender': 'Neut', 'PronType': 'Int', 'Case': 'Acc'}, - 'সে': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'Three', 'PronType': 'Prs', 'Case': 'Nom'}, - 'কিসে': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Gender': 'Neut', 'PronType': 'Int', 'Case': 'Acc'}, - 'তাকে': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'Three', 'PronType': 'Prs', 'Case': 'Acc'}, - 'স্বয়ং': {LEMMA: PRON_LEMMA, 'Reflex': 'Yes', 'PronType': 'Ref'}, - 'কোনগুলো': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Gender': 'Neut', 'PronType': 'Int', 'Case': 'Acc'}, - 'তুমি': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'Two', 'PronType': 'Prs', 'Case': 'Nom'}, - 'তুই': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'Two', 'PronType': 'Prs', 'Case': 'Nom'}, - 'তাদেরকে': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'Three', 'PronType': 'Prs', 'Case': 'Acc'}, - 'আমরা': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'One ', 'PronType': 'Prs', 'Case': 'Nom'}, - 'যিনি': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'PronType': 'Rel', 'Case': 'Nom'}, - 'আমাদেরকে': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'One', 'PronType': 'Prs', 'Case': 'Acc'}, - 'কোন': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'PronType': 'Int', 'Case': 'Acc'}, - 'কারা': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'PronType': 'Int', 'Case': 'Acc'}, - 'তোমাকে': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'Two', 'PronType': 'Prs', 'Case': 'Acc'}, - 'তোকে': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'Two', 'PronType': 'Prs', 'Case': 'Acc'}, - 'খোদ': {LEMMA: PRON_LEMMA, 'Reflex': 'Yes', 'PronType': 'Ref'}, - 'কে': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'PronType': 'Int', 'Case': 'Acc'}, - 'যারা': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'PronType': 'Rel', 'Case': 'Nom'}, - 'যে': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'PronType': 'Rel', 'Case': 'Nom'}, - 'তোমরা': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'Two', 'PronType': 'Prs', 'Case': 'Nom'}, - 'তোরা': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'Two', 'PronType': 'Prs', 'Case': 'Nom'}, - 'তোমাদেরকে': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'Two', 'PronType': 'Prs', 'Case': 'Acc'}, - 'তোদেরকে': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'Two', 'PronType': 'Prs', 'Case': 'Acc'}, - 'আপন': {LEMMA: PRON_LEMMA, 'Reflex': 'Yes', 'PronType': 'Ref'}, - 'এ': {LEMMA: PRON_LEMMA, 'PronType': 'Dem'}, - 'নিজ': {LEMMA: PRON_LEMMA, 'Reflex': 'Yes', 'PronType': 'Ref'}, - 'কার': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'PronType': 'Int', 'Case': 'Acc'}, - 'যা': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Gender': 'Neut', 'PronType': 'Rel', 'Case': 'Nom'}, - 'তারা': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'Three', 'PronType': 'Prs', 'Case': 'Nom'}, - 'আমি': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'One', 'PronType': 'Prs', 'Case': 'Nom'} + "PRP": { + "ঐ": {LEMMA: PRON_LEMMA, "PronType": "Dem"}, + "আমাকে": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "One", + "PronType": "Prs", + "Case": "Acc", + }, + "কি": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Gender": "Neut", + "PronType": "Int", + "Case": "Acc", + }, + "সে": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "Three", + "PronType": "Prs", + "Case": "Nom", + }, + "কিসে": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Gender": "Neut", + "PronType": "Int", + "Case": "Acc", + }, + "তাকে": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "Three", + "PronType": "Prs", + "Case": "Acc", + }, + "স্বয়ং": {LEMMA: PRON_LEMMA, "Reflex": "Yes", "PronType": "Ref"}, + "কোনগুলো": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Gender": "Neut", + "PronType": "Int", + "Case": "Acc", + }, + "তুমি": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "Two", + "PronType": "Prs", + "Case": "Nom", + }, + "তুই": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "Two", + "PronType": "Prs", + "Case": "Nom", + }, + "তাদেরকে": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "Three", + "PronType": "Prs", + "Case": "Acc", + }, + "আমরা": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "One ", + "PronType": "Prs", + "Case": "Nom", + }, + "যিনি": {LEMMA: PRON_LEMMA, "Number": "Sing", "PronType": "Rel", "Case": "Nom"}, + "আমাদেরকে": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "One", + "PronType": "Prs", + "Case": "Acc", + }, + "কোন": {LEMMA: PRON_LEMMA, "Number": "Sing", "PronType": "Int", "Case": "Acc"}, + "কারা": {LEMMA: PRON_LEMMA, "Number": "Plur", "PronType": "Int", "Case": "Acc"}, + "তোমাকে": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "Two", + "PronType": "Prs", + "Case": "Acc", + }, + "তোকে": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "Two", + "PronType": "Prs", + "Case": "Acc", + }, + "খোদ": {LEMMA: PRON_LEMMA, "Reflex": "Yes", "PronType": "Ref"}, + "কে": {LEMMA: PRON_LEMMA, "Number": "Sing", "PronType": "Int", "Case": "Acc"}, + "যারা": {LEMMA: PRON_LEMMA, "Number": "Plur", "PronType": "Rel", "Case": "Nom"}, + "যে": {LEMMA: PRON_LEMMA, "Number": "Sing", "PronType": "Rel", "Case": "Nom"}, + "তোমরা": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "Two", + "PronType": "Prs", + "Case": "Nom", + }, + "তোরা": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "Two", + "PronType": "Prs", + "Case": "Nom", + }, + "তোমাদেরকে": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "Two", + "PronType": "Prs", + "Case": "Acc", + }, + "তোদেরকে": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "Two", + "PronType": "Prs", + "Case": "Acc", + }, + "আপন": {LEMMA: PRON_LEMMA, "Reflex": "Yes", "PronType": "Ref"}, + "এ": {LEMMA: PRON_LEMMA, "PronType": "Dem"}, + "নিজ": {LEMMA: PRON_LEMMA, "Reflex": "Yes", "PronType": "Ref"}, + "কার": {LEMMA: PRON_LEMMA, "Number": "Sing", "PronType": "Int", "Case": "Acc"}, + "যা": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Gender": "Neut", + "PronType": "Rel", + "Case": "Nom", + }, + "তারা": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "Three", + "PronType": "Prs", + "Case": "Nom", + }, + "আমি": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "One", + "PronType": "Prs", + "Case": "Nom", + }, }, "PRP$": { - - 'আমার': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'One', 'PronType': 'Prs', 'Poss': 'Yes', - 'Case': 'Nom'}, - 'মোর': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'One', 'PronType': 'Prs', 'Poss': 'Yes', - 'Case': 'Nom'}, - 'মোদের': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'One', 'PronType': 'Prs', 'Poss': 'Yes', - 'Case': 'Nom'}, - 'তার': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'Three', 'PronType': 'Prs', 'Poss': 'Yes', - 'Case': 'Nom'}, - 'তোমাদের': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'Two', 'PronType': 'Prs', 'Poss': 'Yes', - 'Case': 'Nom'}, - 'আমাদের': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'One', 'PronType': 'Prs', 'Poss': 'Yes', - 'Case': 'Nom'}, - 'তোমার': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'Two', 'PronType': 'Prs', 'Poss': 'Yes', - 'Case': 'Nom'}, - 'তোর': {LEMMA: PRON_LEMMA, 'Number': 'Sing', 'Person': 'Two', 'PronType': 'Prs', 'Poss': 'Yes', - 'Case': 'Nom'}, - 'তাদের': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'Three', 'PronType': 'Prs', 'Poss': 'Yes', - 'Case': 'Nom'}, - 'কাদের': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'PronType': 'Int', 'Case': 'Acc'}, - 'তোদের': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'Person': 'Two', 'PronType': 'Prs', 'Poss': 'Yes', - 'Case': 'Nom'}, - 'যাদের': {LEMMA: PRON_LEMMA, 'Number': 'Plur', 'PronType': 'Int', 'Case': 'Acc'}, - } + "আমার": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "One", + "PronType": "Prs", + "Poss": "Yes", + "Case": "Nom", + }, + "মোর": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "One", + "PronType": "Prs", + "Poss": "Yes", + "Case": "Nom", + }, + "মোদের": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "One", + "PronType": "Prs", + "Poss": "Yes", + "Case": "Nom", + }, + "তার": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "Three", + "PronType": "Prs", + "Poss": "Yes", + "Case": "Nom", + }, + "তোমাদের": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "Two", + "PronType": "Prs", + "Poss": "Yes", + "Case": "Nom", + }, + "আমাদের": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "One", + "PronType": "Prs", + "Poss": "Yes", + "Case": "Nom", + }, + "তোমার": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "Two", + "PronType": "Prs", + "Poss": "Yes", + "Case": "Nom", + }, + "তোর": { + LEMMA: PRON_LEMMA, + "Number": "Sing", + "Person": "Two", + "PronType": "Prs", + "Poss": "Yes", + "Case": "Nom", + }, + "তাদের": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "Three", + "PronType": "Prs", + "Poss": "Yes", + "Case": "Nom", + }, + "কাদের": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "PronType": "Int", + "Case": "Acc", + }, + "তোদের": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "Person": "Two", + "PronType": "Prs", + "Poss": "Yes", + "Case": "Nom", + }, + "যাদের": { + LEMMA: PRON_LEMMA, + "Number": "Plur", + "PronType": "Int", + "Case": "Acc", + }, + }, } diff --git a/spacy/lang/bn/punctuation.py b/spacy/lang/bn/punctuation.py index 478aa8e40..523cd5378 100644 --- a/spacy/lang/bn/punctuation.py +++ b/spacy/lang/bn/punctuation.py @@ -2,29 +2,45 @@ from __future__ import unicode_literals from ..char_classes import LIST_PUNCT, LIST_ELLIPSES, LIST_QUOTES, LIST_ICONS -from ..char_classes import ALPHA_LOWER, ALPHA_UPPER, ALPHA, HYPHENS, QUOTES, UNITS +from ..char_classes import ALPHA_LOWER, ALPHA, HYPHENS, QUOTES, UNITS _currency = r"\$|¢|£|€|¥|฿|৳" -_quotes = QUOTES.replace("'", '') -_list_punct = LIST_PUNCT + '। ॥'.strip().split() +_quotes = QUOTES.replace("'", "") +_list_punct = LIST_PUNCT + "। ॥".strip().split() -_prefixes = ([r'\+'] + _list_punct + LIST_ELLIPSES + LIST_QUOTES + LIST_ICONS) +_prefixes = [r"\+"] + _list_punct + LIST_ELLIPSES + LIST_QUOTES + LIST_ICONS -_suffixes = (_list_punct + LIST_ELLIPSES + LIST_QUOTES + LIST_ICONS + - [r'(?<=[0-9])\+', - r'(?<=°[FfCcKk])\.', - r'(?<=[0-9])(?:{})'.format(_currency), - r'(?<=[0-9])(?:{})'.format(UNITS), - r'(?<=[{}(?:{})])\.'.format('|'.join([ALPHA_LOWER, r'%²\-\)\]\+', QUOTES]), _currency)]) +_suffixes = ( + _list_punct + + LIST_ELLIPSES + + LIST_QUOTES + + LIST_ICONS + + [ + r"(?<=[0-9])\+", + r"(?<=°[FfCcKk])\.", + r"(?<=[0-9])(?:{})".format(_currency), + r"(?<=[0-9])(?:{})".format(UNITS), + r"(?<=[{}(?:{})])\.".format( + "|".join([ALPHA_LOWER, r"%²\-\)\]\+", QUOTES]), _currency + ), + ] +) -_infixes = (LIST_ELLIPSES + LIST_ICONS + - [r'(?<=[0-9{zero}-{nine}])[+\-\*^=](?=[0-9{zero}-{nine}-])'.format(zero=u'০', nine=u'৯'), - r'(?<=[{a}]),(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])[{h}](?={ae})'.format(a=ALPHA, h=HYPHENS, ae=u'এ'), - r'(?<=[{a}])[?";:=,.]*(?:{h})(?=[{a}])'.format(a=ALPHA, h=HYPHENS), - r'(?<=[{a}"])[:<>=/](?=[{a}])'.format(a=ALPHA)]) +_infixes = ( + LIST_ELLIPSES + + LIST_ICONS + + [ + r"(?<=[0-9{zero}-{nine}])[+\-\*^=](?=[0-9{zero}-{nine}-])".format( + zero="০", nine="৯" + ), + r"(?<=[{a}]),(?=[{a}])".format(a=ALPHA), + r"(?<=[{a}])[{h}](?={ae})".format(a=ALPHA, h=HYPHENS, ae="এ"), + r'(?<=[{a}])[?";:=,.]*(?:{h})(?=[{a}])'.format(a=ALPHA, h=HYPHENS), + r'(?<=[{a}"])[:<>=/](?=[{a}])'.format(a=ALPHA), + ] +) TOKENIZER_PREFIXES = _prefixes diff --git a/spacy/lang/bn/stop_words.py b/spacy/lang/bn/stop_words.py index ca0ae934a..6c9967df8 100644 --- a/spacy/lang/bn/stop_words.py +++ b/spacy/lang/bn/stop_words.py @@ -2,43 +2,45 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ অতএব অথচ অথবা অনুযায়ী অনেক অনেকে অনেকেই অন্তত অবধি অবশ্য অর্থাৎ অন্য অনুযায়ী অর্ধভাগে -আগামী আগে আগেই আছে আজ আদ্যভাগে আপনার আপনি আবার আমরা আমাকে আমাদের আমার আমি আর আরও -ইত্যাদি ইহা +আগামী আগে আগেই আছে আজ আদ্যভাগে আপনার আপনি আবার আমরা আমাকে আমাদের আমার আমি আর আরও +ইত্যাদি ইহা উচিত উনি উপর উপরে উত্তর এ এঁদের এঁরা এই এক একই একজন একটা একটি একবার একে এখন এখনও এখানে এখানেই এটা এসো -এটাই এটি এত এতটাই এতে এদের এবং এবার এমন এমনি এমনকি এর এরা এলো এস এসে -ঐ -ও ওঁদের ওঁর ওঁরা ওই ওকে ওখানে ওদের ওর ওরা +এটাই এটি এত এতটাই এতে এদের এবং এবার এমন এমনি এমনকি এর এরা এলো এস এসে +ঐ +ও ওঁদের ওঁর ওঁরা ওই ওকে ওখানে ওদের ওর ওরা কখনও কত কথা কবে কয়েক কয়েকটি করছে করছেন করতে করবে করবেন করলে কয়েক কয়েকটি করিয়ে করিয়া করায় -করলেন করা করাই করায় করার করি করিতে করিয়া করিয়ে করে করেই করেছিলেন করেছে করেছেন করেন কাউকে +করলেন করা করাই করায় করার করি করিতে করিয়া করিয়ে করে করেই করেছিলেন করেছে করেছেন করেন কাউকে কাছ কাছে কাজ কাজে কারও কারণ কি কিংবা কিছু কিছুই কিন্তু কী কে কেউ কেউই কেন কোন কোনও কোনো কেমনে কোটি -ক্ষেত্রে খুব +ক্ষেত্রে খুব গিয়ে গিয়েছে গুলি গেছে গেল গেলে গোটা গিয়ে গিয়েছে -চলে চান চায় চেয়ে চায় চেয়ে চার চালু চেষ্টা +চলে চান চায় চেয়ে চায় চেয়ে চার চালু চেষ্টা ছাড়া ছাড়াও ছিল ছিলেন ছাড়া ছাড়াও জন জনকে জনের জন্য জন্যে জানতে জানা জানানো জানায় জানিয়ে জানিয়েছে জানায় জাানিয়ে জানিয়েছে -টি -ঠিক -তখন তত তথা তবু তবে তা তাঁকে তাঁদের তাঁর তাঁরা তাঁহারা তাই তাও তাকে তাতে তাদের তার তারপর তারা তারই তাহলে তাহা তাহাতে তাহার তিনই +টি +ঠিক +তখন তত তথা তবু তবে তা তাঁকে তাঁদের তাঁর তাঁরা তাঁহারা তাই তাও তাকে তাতে তাদের তার তারপর তারা তারই তাহলে তাহা তাহাতে তাহার তিনই তিনি তিনিও তুমি তুলে তেমন তো তোমার তুই তোরা তোর তোমাদের তোদের থাকবে থাকবেন থাকা থাকায় থাকে থাকেন থেকে থেকেই থেকেও থাকায় -দিকে দিতে দিয়ে দিয়েছে দিয়েছেন দিলেন দিয়ে দু দুটি দুটো দেওয়া দেওয়ার দেখতে দেখা দেখে দেন দেয় দেশের +দিকে দিতে দিয়ে দিয়েছে দিয়েছেন দিলেন দিয়ে দু দুটি দুটো দেওয়া দেওয়ার দেখতে দেখা দেখে দেন দেয় দেশের দ্বারা দিয়েছে দিয়েছেন দেয় দেওয়া দেওয়ার দিন দুই -ধরা ধরে +ধরা ধরে নয় না নাই নাকি নাগাদ নানা নিজে নিজেই নিজেদের নিজের নিতে নিয়ে নিয়ে নেই নেওয়া নেওয়ার নয় নতুন পক্ষে পর পরে পরেই পরেও পর্যন্ত পাওয়া পারি পারে পারেন পেয়ে প্রতি প্রভৃতি প্রায় পাওয়া পেয়ে প্রায় পাঁচ প্রথম প্রাথমিক -ফলে ফিরে ফের +ফলে ফিরে ফের বছর বদলে বরং বলতে বলল বললেন বলা বলে বলেছেন বলেন বসে বহু বা বাদে বার বিনা বিভিন্ন বিশেষ বিষয়টি বেশ ব্যবহার ব্যাপারে বক্তব্য বন বেশি -ভাবে ভাবেই -মত মতো মতোই মধ্যভাগে মধ্যে মধ্যেই মধ্যেও মনে মাত্র মাধ্যমে মানুষ মানুষের মোট মোটেই মোদের মোর -যখন যত যতটা যথেষ্ট যদি যদিও যা যাঁর যাঁরা যাওয়া যাওয়ার যাকে যাচ্ছে যাতে যাদের যান যাবে যায় যার যারা যায় যিনি যে যেখানে যেতে যেন -যেমন -রকম রয়েছে রাখা রেখে রয়েছে -লক্ষ -শুধু শুরু -সাধারণ সামনে সঙ্গে সঙ্গেও সব সবার সমস্ত সম্প্রতি সময় সহ সহিত সাথে সুতরাং সে সেই সেখান সেখানে সেটা সেটাই সেটাও সেটি স্পষ্ট স্বয়ং +ভাবে ভাবেই +মত মতো মতোই মধ্যভাগে মধ্যে মধ্যেই মধ্যেও মনে মাত্র মাধ্যমে মানুষ মানুষের মোট মোটেই মোদের মোর +যখন যত যতটা যথেষ্ট যদি যদিও যা যাঁর যাঁরা যাওয়া যাওয়ার যাকে যাচ্ছে যাতে যাদের যান যাবে যায় যার যারা যায় যিনি যে যেখানে যেতে যেন +যেমন +রকম রয়েছে রাখা রেখে রয়েছে +লক্ষ +শুধু শুরু +সাধারণ সামনে সঙ্গে সঙ্গেও সব সবার সমস্ত সম্প্রতি সময় সহ সহিত সাথে সুতরাং সে সেই সেখান সেখানে সেটা সেটাই সেটাও সেটি স্পষ্ট স্বয়ং হইতে হইবে হইয়া হওয়া হওয়ায় হওয়ার হচ্ছে হত হতে হতেই হন হবে হবেন হয় হয়তো হয়নি হয়ে হয়েই হয়েছিল হয়েছে হাজার হয়েছেন হল হলে হলেই হলেও হলো হিসাবে হিসেবে হৈলে হোক হয় হয়ে হয়েছে হৈতে হইয়া হয়েছিল হয়েছেন হয়নি হয়েই হয়তো হওয়া হওয়ার হওয়ায় -""".split()) +""".split() +) diff --git a/spacy/lang/bn/tag_map.py b/spacy/lang/bn/tag_map.py index a1d95b81d..1efb35858 100644 --- a/spacy/lang/bn/tag_map.py +++ b/spacy/lang/bn/tag_map.py @@ -6,72 +6,77 @@ from ...symbols import CCONJ, NOUN, PROPN, PART, INTJ, SPACE, PRON, AUX, SYM TAG_MAP = { - ".": {POS: PUNCT, "PunctType": "peri"}, - ",": {POS: PUNCT, "PunctType": "comm"}, - "-LRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "ini"}, - "-RRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "fin"}, - "``": {POS: PUNCT, "PunctType": "quot", "PunctSide": "ini"}, - "\"\"": {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, - "''": {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, - ":": {POS: PUNCT}, - "৳": {POS: SYM, "Other": {"SymType": "currency"}}, - "#": {POS: SYM, "Other": {"SymType": "numbersign"}}, - "AFX": {POS: ADJ, "Hyph": "yes"}, - "CC": {POS: CONJ, "ConjType": "coor"}, - "CD": {POS: NUM, "NumType": "card"}, - "DT": {POS: DET}, - "EX": {POS: ADV, "AdvType": "ex"}, - "FW": {POS: X, "Foreign": "yes"}, - "HYPH": {POS: PUNCT, "PunctType": "dash"}, - "IN": {POS: ADP}, - "JJ": {POS: ADJ, "Degree": "pos"}, - "JJR": {POS: ADJ, "Degree": "comp"}, - "JJS": {POS: ADJ, "Degree": "sup"}, - "LS": {POS: PUNCT, "NumType": "ord"}, - "MD": {POS: VERB, "VerbType": "mod"}, - "NIL": {POS: ""}, - "NN": {POS: NOUN, "Number": "sing"}, - "NNP": {POS: PROPN, "NounType": "prop", "Number": "sing"}, - "NNPS": {POS: PROPN, "NounType": "prop", "Number": "plur"}, - "NNS": {POS: NOUN, "Number": "plur"}, - "PDT": {POS: ADJ, "AdjType": "pdt", "PronType": "prn"}, - "POS": {POS: PART, "Poss": "yes"}, - "PRP": {POS: PRON, "PronType": "prs"}, - "PRP$": {POS: ADJ, "PronType": "prs", "Poss": "yes"}, - "RB": {POS: ADV, "Degree": "pos"}, - "RBR": {POS: ADV, "Degree": "comp"}, - "RBS": {POS: ADV, "Degree": "sup"}, - "RP": {POS: PART}, - "SYM": {POS: SYM}, - "TO": {POS: PART, "PartType": "inf", "VerbForm": "inf"}, - "UH": {POS: INTJ}, - "VB": {POS: VERB, "VerbForm": "inf"}, - "VBD": {POS: VERB, "VerbForm": "fin", "Tense": "past"}, - "VBG": {POS: VERB, "VerbForm": "part", "Tense": "pres", "Aspect": "prog"}, - "VBN": {POS: VERB, "VerbForm": "part", "Tense": "past", "Aspect": "perf"}, - "VBP": {POS: VERB, "VerbForm": "fin", "Tense": "pres"}, - "VBZ": {POS: VERB, "VerbForm": "fin", "Tense": "pres", "Number": "sing", "Person": 3}, - "WDT": {POS: ADJ, "PronType": "int|rel"}, - "WP": {POS: NOUN, "PronType": "int|rel"}, - "WP$": {POS: ADJ, "Poss": "yes", "PronType": "int|rel"}, - "WRB": {POS: ADV, "PronType": "int|rel"}, - "SP": {POS: SPACE}, - "ADV": {POS: ADV}, - "NOUN": {POS: NOUN}, - "ADP": {POS: ADP}, - "PRON": {POS: PRON}, - "SCONJ": {POS: SCONJ}, - "PROPN": {POS: PROPN}, - "DET": {POS: DET}, - "SYM": {POS: SYM}, - "INTJ": {POS: INTJ}, - "PUNCT": {POS: PUNCT}, - "NUM": {POS: NUM}, - "AUX": {POS: AUX}, - "X": {POS: X}, - "CONJ": {POS: CONJ}, - "CCONJ": {POS: CCONJ}, - "ADJ": {POS: ADJ}, - "VERB": {POS: VERB}, - "PART": {POS: PART}, + ".": {POS: PUNCT, "PunctType": "peri"}, + ",": {POS: PUNCT, "PunctType": "comm"}, + "-LRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "ini"}, + "-RRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "fin"}, + "``": {POS: PUNCT, "PunctType": "quot", "PunctSide": "ini"}, + '""': {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, + "''": {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, + ":": {POS: PUNCT}, + "৳": {POS: SYM, "Other": {"SymType": "currency"}}, + "#": {POS: SYM, "Other": {"SymType": "numbersign"}}, + "AFX": {POS: ADJ, "Hyph": "yes"}, + "CC": {POS: CONJ, "ConjType": "coor"}, + "CD": {POS: NUM, "NumType": "card"}, + "DT": {POS: DET}, + "EX": {POS: ADV, "AdvType": "ex"}, + "FW": {POS: X, "Foreign": "yes"}, + "HYPH": {POS: PUNCT, "PunctType": "dash"}, + "IN": {POS: ADP}, + "JJ": {POS: ADJ, "Degree": "pos"}, + "JJR": {POS: ADJ, "Degree": "comp"}, + "JJS": {POS: ADJ, "Degree": "sup"}, + "LS": {POS: PUNCT, "NumType": "ord"}, + "MD": {POS: VERB, "VerbType": "mod"}, + "NIL": {POS: ""}, + "NN": {POS: NOUN, "Number": "sing"}, + "NNP": {POS: PROPN, "NounType": "prop", "Number": "sing"}, + "NNPS": {POS: PROPN, "NounType": "prop", "Number": "plur"}, + "NNS": {POS: NOUN, "Number": "plur"}, + "PDT": {POS: ADJ, "AdjType": "pdt", "PronType": "prn"}, + "POS": {POS: PART, "Poss": "yes"}, + "PRP": {POS: PRON, "PronType": "prs"}, + "PRP$": {POS: ADJ, "PronType": "prs", "Poss": "yes"}, + "RB": {POS: ADV, "Degree": "pos"}, + "RBR": {POS: ADV, "Degree": "comp"}, + "RBS": {POS: ADV, "Degree": "sup"}, + "RP": {POS: PART}, + "TO": {POS: PART, "PartType": "inf", "VerbForm": "inf"}, + "UH": {POS: INTJ}, + "VB": {POS: VERB, "VerbForm": "inf"}, + "VBD": {POS: VERB, "VerbForm": "fin", "Tense": "past"}, + "VBG": {POS: VERB, "VerbForm": "part", "Tense": "pres", "Aspect": "prog"}, + "VBN": {POS: VERB, "VerbForm": "part", "Tense": "past", "Aspect": "perf"}, + "VBP": {POS: VERB, "VerbForm": "fin", "Tense": "pres"}, + "VBZ": { + POS: VERB, + "VerbForm": "fin", + "Tense": "pres", + "Number": "sing", + "Person": 3, + }, + "WDT": {POS: ADJ, "PronType": "int|rel"}, + "WP": {POS: NOUN, "PronType": "int|rel"}, + "WP$": {POS: ADJ, "Poss": "yes", "PronType": "int|rel"}, + "WRB": {POS: ADV, "PronType": "int|rel"}, + "SP": {POS: SPACE}, + "ADV": {POS: ADV}, + "NOUN": {POS: NOUN}, + "ADP": {POS: ADP}, + "PRON": {POS: PRON}, + "SCONJ": {POS: SCONJ}, + "PROPN": {POS: PROPN}, + "DET": {POS: DET}, + "SYM": {POS: SYM}, + "INTJ": {POS: INTJ}, + "PUNCT": {POS: PUNCT}, + "NUM": {POS: NUM}, + "AUX": {POS: AUX}, + "X": {POS: X}, + "CONJ": {POS: CONJ}, + "CCONJ": {POS: CCONJ}, + "ADJ": {POS: ADJ}, + "VERB": {POS: VERB}, + "PART": {POS: PART}, } diff --git a/spacy/lang/bn/tokenizer_exceptions.py b/spacy/lang/bn/tokenizer_exceptions.py index dc1181335..32acb1730 100644 --- a/spacy/lang/bn/tokenizer_exceptions.py +++ b/spacy/lang/bn/tokenizer_exceptions.py @@ -19,7 +19,8 @@ for exc_data in [ {ORTH: "কি.মি", LEMMA: "কিলোমিটার"}, {ORTH: "সে.মি.", LEMMA: "সেন্টিমিটার"}, {ORTH: "সে.মি", LEMMA: "সেন্টিমিটার"}, - {ORTH: "মি.লি.", LEMMA: "মিলিলিটার"}]: + {ORTH: "মি.লি.", LEMMA: "মিলিলিটার"}, +]: _exc[exc_data[ORTH]] = [exc_data] diff --git a/spacy/lang/ca/__init__.py b/spacy/lang/ca/__init__.py index 0aa9616d1..442371fa2 100644 --- a/spacy/lang/ca/__init__.py +++ b/spacy/lang/ca/__init__.py @@ -4,13 +4,6 @@ from __future__ import unicode_literals from .tokenizer_exceptions import TOKENIZER_EXCEPTIONS from .stop_words import STOP_WORDS from .lex_attrs import LEX_ATTRS - -# uncomment if files are available -# from .norm_exceptions import NORM_EXCEPTIONS -# from .tag_map import TAG_MAP -# from .morph_rules import MORPH_RULES - -# uncomment if lookup-based lemmatizer is available from .lemmatizer import LOOKUP from ..tokenizer_exceptions import BASE_EXCEPTIONS @@ -19,46 +12,22 @@ from ...language import Language from ...attrs import LANG, NORM from ...util import update_exc, add_lookups -# Create a Language subclass -# Documentation: https://spacy.io/docs/usage/adding-languages - -# This file should be placed in spacy/lang/ca (ISO code of language). -# Before submitting a pull request, make sure the remove all comments from the -# language data files, and run at least the basic tokenizer tests. Simply add the -# language ID to the list of languages in spacy/tests/conftest.py to include it -# in the basic tokenizer sanity tests. You can optionally add a fixture for the -# language's tokenizer and add more specific tests. For more info, see the -# tests documentation: https://github.com/explosion/spaCy/tree/master/spacy/tests - class CatalanDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'ca' # ISO code - # add more norm exception dictionaries here - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) - - # overwrite functions for lexical attributes + lex_attr_getters[LANG] = lambda text: "ca" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) lex_attr_getters.update(LEX_ATTRS) - - # add custom tokenizer exceptions to base exceptions tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) - - # add stop words stop_words = STOP_WORDS - - # if available: add tag map - # tag_map = dict(TAG_MAP) - - # if available: add morph rules - # morph_rules = dict(MORPH_RULES) - lemma_lookup = LOOKUP class Catalan(Language): - lang = 'ca' # ISO code - Defaults = CatalanDefaults # set Defaults to custom language defaults + lang = "ca" + Defaults = CatalanDefaults -# set default export – this allows the language class to be lazy-loaded -__all__ = ['Catalan'] +__all__ = ["Catalan"] diff --git a/spacy/lang/ca/examples.py b/spacy/lang/ca/examples.py index e72001fd7..a9d750f03 100644 --- a/spacy/lang/ca/examples.py +++ b/spacy/lang/ca/examples.py @@ -5,7 +5,7 @@ from __future__ import unicode_literals """ Example sentences to test spaCy and its language models. ->>> from spacy.lang.es.examples import sentences +>>> from spacy.lang.ca.examples import sentences >>> docs = nlp.pipe(sentences) """ diff --git a/spacy/lang/ca/lex_attrs.py b/spacy/lang/ca/lex_attrs.py index 724045184..6314efa92 100644 --- a/spacy/lang/ca/lex_attrs.py +++ b/spacy/lang/ca/lex_attrs.py @@ -1,33 +1,57 @@ # coding: utf8 from __future__ import unicode_literals -# import the symbols for the attrs you want to overwrite from ...attrs import LIKE_NUM -# Overwriting functions for lexical attributes -# Documentation: https://localhost:1234/docs/usage/adding-languages#lex-attrs -# Most of these functions, like is_lower or like_url should be language- -# independent. Others, like like_num (which includes both digits and number -# words), requires customisation. - - -# Example: check if token resembles a number - -_num_words = ['zero', 'un', 'dos', 'tres', 'quatre', 'cinc', 'sis', 'set', - 'vuit', 'nou', 'deu', 'onze', 'dotze', 'tretze', 'catorze', - 'quinze', 'setze', 'disset', 'divuit', 'dinou', 'vint', - 'trenta', 'quaranta', 'cinquanta', 'seixanta', 'setanta', 'vuitanta', 'noranta', - 'cent', 'mil', 'milió', 'bilió', 'trilió', 'quatrilió', - 'gazilió', 'bazilió'] +_num_words = [ + "zero", + "un", + "dos", + "tres", + "quatre", + "cinc", + "sis", + "set", + "vuit", + "nou", + "deu", + "onze", + "dotze", + "tretze", + "catorze", + "quinze", + "setze", + "disset", + "divuit", + "dinou", + "vint", + "trenta", + "quaranta", + "cinquanta", + "seixanta", + "setanta", + "vuitanta", + "noranta", + "cent", + "mil", + "milió", + "bilió", + "trilió", + "quatrilió", + "gazilió", + "bazilió", +] def like_num(text): - text = text.replace(',', '').replace('.', '') + if text.startswith(("+", "-", "±", "~")): + text = text[1:] + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text in _num_words: @@ -35,9 +59,4 @@ def like_num(text): return False -# Create dictionary of functions to overwrite. The default lex_attr_getters are -# updated with this one, so only the functions defined here are overwritten. - -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/ca/stop_words.py b/spacy/lang/ca/stop_words.py index b5e335ab4..a803db2a5 100644 --- a/spacy/lang/ca/stop_words.py +++ b/spacy/lang/ca/stop_words.py @@ -2,9 +2,8 @@ from __future__ import unicode_literals -# Stop words - -STOP_WORDS = set(""" +STOP_WORDS = set( + """ a abans ací ah així això al aleshores algun alguna algunes alguns alhora allà allí allò als altra altre altres amb ambdues ambdós anar ans apa aquell aquella aquelles aquells aquest aquesta aquestes aquests aquí @@ -53,4 +52,5 @@ un una unes uns us últim ús va vaig vam van vas veu vosaltres vostra vostre vostres -""".split()) +""".split() +) diff --git a/spacy/lang/ca/tag_map.py b/spacy/lang/ca/tag_map.py index f5ae22f43..472e772ef 100644 --- a/spacy/lang/ca/tag_map.py +++ b/spacy/lang/ca/tag_map.py @@ -5,32 +5,24 @@ from ..symbols import POS, ADV, NOUN, ADP, PRON, SCONJ, PROPN, DET, SYM, INTJ from ..symbols import PUNCT, NUM, AUX, X, CONJ, ADJ, VERB, PART, SPACE, CCONJ -# Add a tag map -# Documentation: https://spacy.io/docs/usage/adding-languages#tag-map -# Universal Dependencies: http://universaldependencies.org/u/pos/all.html -# The keys of the tag map should be strings in your tag set. The dictionary must -# have an entry POS whose value is one of the Universal Dependencies tags. -# Optionally, you can also include morphological features or other attributes. - - TAG_MAP = { - "ADV": {POS: ADV}, - "NOUN": {POS: NOUN}, - "ADP": {POS: ADP}, - "PRON": {POS: PRON}, - "SCONJ": {POS: SCONJ}, - "PROPN": {POS: PROPN}, - "DET": {POS: DET}, - "SYM": {POS: SYM}, - "INTJ": {POS: INTJ}, - "PUNCT": {POS: PUNCT}, - "NUM": {POS: NUM}, - "AUX": {POS: AUX}, - "X": {POS: X}, - "CONJ": {POS: CONJ}, - "CCONJ": {POS: CCONJ}, - "ADJ": {POS: ADJ}, - "VERB": {POS: VERB}, - "PART": {POS: PART}, - "SP": {POS: SPACE} + "ADV": {POS: ADV}, + "NOUN": {POS: NOUN}, + "ADP": {POS: ADP}, + "PRON": {POS: PRON}, + "SCONJ": {POS: SCONJ}, + "PROPN": {POS: PROPN}, + "DET": {POS: DET}, + "SYM": {POS: SYM}, + "INTJ": {POS: INTJ}, + "PUNCT": {POS: PUNCT}, + "NUM": {POS: NUM}, + "AUX": {POS: AUX}, + "X": {POS: X}, + "CONJ": {POS: CONJ}, + "CCONJ": {POS: CCONJ}, + "ADJ": {POS: ADJ}, + "VERB": {POS: VERB}, + "PART": {POS: PART}, + "SP": {POS: SPACE}, } diff --git a/spacy/lang/ca/tokenizer_exceptions.py b/spacy/lang/ca/tokenizer_exceptions.py index 51e3c3800..d95e5e626 100644 --- a/spacy/lang/ca/tokenizer_exceptions.py +++ b/spacy/lang/ca/tokenizer_exceptions.py @@ -1,8 +1,7 @@ # coding: utf8 from __future__ import unicode_literals -# import symbols – if you need to use more, add them here -from ...symbols import ORTH, LEMMA, TAG, NORM, ADP, DET +from ...symbols import ORTH, LEMMA _exc = {} @@ -25,27 +24,18 @@ for exc_data in [ {ORTH: "Srta.", LEMMA: "senyoreta"}, {ORTH: "núm", LEMMA: "número"}, {ORTH: "St.", LEMMA: "sant"}, - {ORTH: "Sta.", LEMMA: "santa"}]: + {ORTH: "Sta.", LEMMA: "santa"}, +]: _exc[exc_data[ORTH]] = [exc_data] # Times - -_exc["12m."] = [ - {ORTH: "12"}, - {ORTH: "m.", LEMMA: "p.m."}] - +_exc["12m."] = [{ORTH: "12"}, {ORTH: "m.", LEMMA: "p.m."}] for h in range(1, 12 + 1): for period in ["a.m.", "am"]: - _exc["%d%s" % (h, period)] = [ - {ORTH: "%d" % h}, - {ORTH: period, LEMMA: "a.m."}] + _exc["%d%s" % (h, period)] = [{ORTH: "%d" % h}, {ORTH: period, LEMMA: "a.m."}] for period in ["p.m.", "pm"]: - _exc["%d%s" % (h, period)] = [ - {ORTH: "%d" % h}, - {ORTH: period, LEMMA: "p.m."}] + _exc["%d%s" % (h, period)] = [{ORTH: "%d" % h}, {ORTH: period, LEMMA: "p.m."}] -# To keep things clean and readable, it's recommended to only declare the -# TOKENIZER_EXCEPTIONS at the bottom: TOKENIZER_EXCEPTIONS = _exc diff --git a/spacy/lang/char_classes.py b/spacy/lang/char_classes.py index db4624909..d034bb25b 100644 --- a/spacy/lang/char_classes.py +++ b/spacy/lang/char_classes.py @@ -4,23 +4,23 @@ from __future__ import unicode_literals import regex as re re.DEFAULT_VERSION = re.VERSION1 -merge_char_classes = lambda classes: '[{}]'.format('||'.join(classes)) -split_chars = lambda char: list(char.strip().split(' ')) -merge_chars = lambda char: char.strip().replace(' ', '|') +merge_char_classes = lambda classes: "[{}]".format("||".join(classes)) +split_chars = lambda char: list(char.strip().split(" ")) +merge_chars = lambda char: char.strip().replace(" ", "|") -_bengali = r'[\p{L}&&\p{Bengali}]' -_hebrew = r'[\p{L}&&\p{Hebrew}]' -_latin_lower = r'[\p{Ll}&&\p{Latin}]' -_latin_upper = r'[\p{Lu}&&\p{Latin}]' -_latin = r'[[\p{Ll}||\p{Lu}]&&\p{Latin}]' -_persian = r'[\p{L}&&\p{Arabic}]' -_russian_lower = r'[ёа-я]' -_russian_upper = r'[ЁА-Я]' -_sinhala = r'[\p{L}&&\p{Sinhala}]' -_tatar_lower = r'[әөүҗңһ]' -_tatar_upper = r'[ӘӨҮҖҢҺ]' -_greek_lower = r'[α-ωάέίόώήύ]' -_greek_upper = r'[Α-ΩΆΈΊΌΏΉΎ]' +_bengali = r"[\p{L}&&\p{Bengali}]" +_hebrew = r"[\p{L}&&\p{Hebrew}]" +_latin_lower = r"[\p{Ll}&&\p{Latin}]" +_latin_upper = r"[\p{Lu}&&\p{Latin}]" +_latin = r"[[\p{Ll}||\p{Lu}]&&\p{Latin}]" +_persian = r"[\p{L}&&\p{Arabic}]" +_russian_lower = r"[ёа-я]" +_russian_upper = r"[ЁА-Я]" +_sinhala = r"[\p{L}&&\p{Sinhala}]" +_tatar_lower = r"[әөүҗңһ]" +_tatar_upper = r"[ӘӨҮҖҢҺ]" +_greek_lower = r"[α-ωάέίόώήύ]" +_greek_upper = r"[Α-ΩΆΈΊΌΏΉΎ]" _upper = [_latin_upper, _russian_upper, _tatar_upper, _greek_upper] _lower = [_latin_lower, _russian_lower, _tatar_lower, _greek_lower] @@ -30,23 +30,27 @@ ALPHA = merge_char_classes(_upper + _lower + _uncased) ALPHA_LOWER = merge_char_classes(_lower + _uncased) ALPHA_UPPER = merge_char_classes(_upper + _uncased) -_units = ('km km² km³ m m² m³ dm dm² dm³ cm cm² cm³ mm mm² mm³ ha µm nm yd in ft ' - 'kg g mg µg t lb oz m/s km/h kmh mph hPa Pa mbar mb MB kb KB gb GB tb ' - 'TB T G M K % км км² км³ м м² м³ дм дм² дм³ см см² см³ мм мм² мм³ нм ' - 'кг г мг м/с км/ч кПа Па мбар Кб КБ кб Мб МБ мб Гб ГБ гб Тб ТБ тб' - 'كم كم² كم³ م م² م³ سم سم² سم³ مم مم² مم³ كم غرام جرام جم كغ ملغ كوب اكواب') -_currency = r'\$ £ € ¥ ฿ US\$ C\$ A\$ ₽ ﷼' +_units = ( + "km km² km³ m m² m³ dm dm² dm³ cm cm² cm³ mm mm² mm³ ha µm nm yd in ft " + "kg g mg µg t lb oz m/s km/h kmh mph hPa Pa mbar mb MB kb KB gb GB tb " + "TB T G M K % км км² км³ м м² м³ дм дм² дм³ см см² см³ мм мм² мм³ нм " + "кг г мг м/с км/ч кПа Па мбар Кб КБ кб Мб МБ мб Гб ГБ гб Тб ТБ тб" + "كم كم² كم³ م م² م³ سم سم² سم³ مم مم² مم³ كم غرام جرام جم كغ ملغ كوب اكواب" +) +_currency = r"\$ £ € ¥ ฿ US\$ C\$ A\$ ₽ ﷼" # These expressions contain various unicode variations, including characters # used in Chinese (see #1333, #1340, #1351) – unless there are cross-language # conflicts, spaCy's base tokenizer should handle all of those by default -_punct = r'… …… , : ; \! \? ¿ ؟ ¡ \( \) \[ \] \{ \} < > _ # \* & 。 ? ! , 、 ; : ~ · । ، ؛ ٪' +_punct = ( + r"… …… , : ; \! \? ¿ ؟ ¡ \( \) \[ \] \{ \} < > _ # \* & 。 ? ! , 、 ; : ~ · । ، ؛ ٪" +) _quotes = r'\' \'\' " ” “ `` ` ‘ ´ ‘‘ ’’ ‚ , „ » « 「 」 『 』 ( ) 〔 〕 【 】 《 》 〈 〉' -_hyphens = '- – — -- --- —— ~' +_hyphens = "- – — -- --- —— ~" # Various symbols like dingbats, but also emoji # Details: https://www.compart.com/en/unicode/category/So -_other_symbols = r'[\p{So}]' +_other_symbols = r"[\p{So}]" UNITS = merge_chars(_units) CURRENCY = merge_chars(_currency) @@ -60,5 +64,5 @@ LIST_CURRENCY = split_chars(_currency) LIST_QUOTES = split_chars(_quotes) LIST_PUNCT = split_chars(_punct) LIST_HYPHENS = split_chars(_hyphens) -LIST_ELLIPSES = [r'\.\.+', '…'] +LIST_ELLIPSES = [r"\.\.+", "…"] LIST_ICONS = [_other_symbols] diff --git a/spacy/lang/da/__init__.py b/spacy/lang/da/__init__.py index eacb00af6..299b25347 100644 --- a/spacy/lang/da/__init__.py +++ b/spacy/lang/da/__init__.py @@ -20,9 +20,10 @@ from ...util import update_exc, add_lookups class DanishDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[LANG] = lambda text: 'da' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], - BASE_NORMS, NORM_EXCEPTIONS) + lex_attr_getters[LANG] = lambda text: "da" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS, NORM_EXCEPTIONS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) morph_rules = MORPH_RULES infixes = TOKENIZER_INFIXES @@ -33,8 +34,8 @@ class DanishDefaults(Language.Defaults): class Danish(Language): - lang = 'da' + lang = "da" Defaults = DanishDefaults -__all__ = ['Danish'] +__all__ = ["Danish"] diff --git a/spacy/lang/da/examples.py b/spacy/lang/da/examples.py index 097c21bed..b535191a1 100644 --- a/spacy/lang/da/examples.py +++ b/spacy/lang/da/examples.py @@ -14,5 +14,5 @@ sentences = [ "Apple overvejer at købe et britisk startup for 1 milliard dollar", "Selvkørende biler flytter forsikringsansvaret over på producenterne", "San Francisco overvejer at forbyde udbringningsrobotter på fortov", - "London er en stor by i Storbritannien" + "London er en stor by i Storbritannien", ] diff --git a/spacy/lang/da/lex_attrs.py b/spacy/lang/da/lex_attrs.py index 51bac951e..9fefc1eba 100644 --- a/spacy/lang/da/lex_attrs.py +++ b/spacy/lang/da/lex_attrs.py @@ -3,8 +3,8 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -# Source http://fjern-uv.dk/tal.php +# Source http://fjern-uv.dk/tal.php _num_words = """nul en et to tre fire fem seks syv otte ni ti elleve tolv tretten fjorten femten seksten sytten atten nitten tyve @@ -19,8 +19,8 @@ enoghalvfems tooghalvfems treoghalvfems fireoghalvfems femoghalvfems seksoghalvf million milliard billion billiard trillion trilliard """.split() -# source http://www.duda.dk/video/dansk/grammatik/talord/talord.html +# Source: http://www.duda.dk/video/dansk/grammatik/talord/talord.html _ordinal_words = """nulte første anden tredje fjerde femte sjette syvende ottende niende tiende elfte tolvte trettende fjortende femtende sekstende syttende attende nittende tyvende @@ -33,14 +33,15 @@ enogfirsindstyvende toogfirsindstyvende treogfirsindstyvende fireogfirsindstyven enoghalvfemsindstyvende tooghalvfemsindstyvende treoghalvfemsindstyvende fireoghalvfemsindstyvende femoghalvfemsindstyvende seksoghalvfemsindstyvende syvoghalvfemsindstyvende otteoghalvfemsindstyvende nioghalvfemsindstyvende """.split() + def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -49,6 +50,5 @@ def like_num(text): return True return False -LEX_ATTRS = { - LIKE_NUM: like_num -} + +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/da/morph_rules.py b/spacy/lang/da/morph_rules.py index cd32eff81..7ffe2ac6f 100644 --- a/spacy/lang/da/morph_rules.py +++ b/spacy/lang/da/morph_rules.py @@ -11,53 +11,299 @@ from ...symbols import LEMMA, PRON_LEMMA MORPH_RULES = { "PRON": { - "jeg": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Case": "Nom", "Gender": "Com"}, # Case=Nom|Gender=Com|Number=Sing|Person=1|PronType=Prs - "mig": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Case": "Acc", "Gender": "Com"}, # Case=Acc|Gender=Com|Number=Sing|Person=1|PronType=Prs - "min": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Poss": "Yes", "Gender": "Com"}, # Gender=Com|Number=Sing|Number[psor]=Sing|Person=1|Poss=Yes|PronType=Prs - "mit": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Poss": "Yes", "Gender": "Neut"}, # Gender=Neut|Number=Sing|Number[psor]=Sing|Person=1|Poss=Yes|PronType=Prs - "vor": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Poss": "Yes", "Gender": "Com"}, # Gender=Com|Number=Sing|Number[psor]=Plur|Person=1|Poss=Yes|PronType=Prs|Style=Form - "vort": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Poss": "Yes", "Gender": "Neut"}, # Gender=Neut|Number=Sing|Number[psor]=Plur|Person=1|Poss=Yes|PronType=Prs|Style=Form - "du": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Case": "Nom", "Gender": "Com"}, # Case=Nom|Gender=Com|Number=Sing|Person=2|PronType=Prs - "dig": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Case": "Acc", "Gender": "Com"}, # Case=Acc|Gender=Com|Number=Sing|Person=2|PronType=Prs - "din": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Gender": "Com"}, # Gender=Com|Number=Sing|Number[psor]=Sing|Person=2|Poss=Yes|PronType=Prs - "dit": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Gender": "Neut"}, # Gender=Neut|Number=Sing|Number[psor]=Sing|Person=2|Poss=Yes|PronType=Prs - "han": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Case": "Nom", "Gender": "Com"}, # Case=Nom|Gender=Com|Number=Sing|Person=3|PronType=Prs - "hun": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Case": "Nom", "Gender": "Com"}, # Case=Nom|Gender=Com|Number=Sing|Person=3|PronType=Prs - "den": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Com"}, # Case=Acc|Gender=Com|Number=Sing|Person=3|PronType=Prs, See note above. - "det": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Neut"}, # Case=Acc|Gender=Neut|Number=Sing|Person=3|PronType=Prs See note above. - "ham": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Case": "Acc", "Gender": "Com"}, # Case=Acc|Gender=Com|Number=Sing|Person=3|PronType=Prs - "hende": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Case": "Acc", "Gender": "Com"}, # Case=Acc|Gender=Com|Number=Sing|Person=3|PronType=Prs - "sin": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Com", "Reflex": "Yes"}, # Gender=Com|Number=Sing|Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs|Reflex=Yes - "sit": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Neut", "Reflex": "Yes"}, # Gender=Neut|Number=Sing|Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs|Reflex=Yes - - "vi": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Case": "Nom", "Gender": "Com"}, # Case=Nom|Gender=Com|Number=Plur|Person=1|PronType=Prs - "os": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Case": "Acc", "Gender": "Com"}, # Case=Acc|Gender=Com|Number=Plur|Person=1|PronType=Prs - "mine": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Poss": "Yes"}, # Number=Plur|Number[psor]=Sing|Person=1|Poss=Yes|PronType=Prs - "vore": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Poss": "Yes"}, # Number=Plur|Number[psor]=Plur|Person=1|Poss=Yes|PronType=Prs|Style=Form - "I": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Case": "Nom", "Gender": "Com"}, # Case=Nom|Gender=Com|Number=Plur|Person=2|PronType=Prs - "jer": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Case": "Acc", "Gender": "Com"}, # Case=Acc|Gender=Com|Number=Plur|Person=2|PronType=Prs - "dine": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Poss": "Yes"}, # Number=Plur|Number[psor]=Sing|Person=2|Poss=Yes|PronType=Prs - "de": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Nom"}, # Case=Nom|Number=Plur|Person=3|PronType=Prs - "dem": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Acc"}, # Case=Acc|Number=Plur|Person=3|PronType=Prs - "sine": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, # Number=Plur|Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs|Reflex=Yes - - "vores": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Poss": "Yes"}, # Number[psor]=Plur|Person=1|Poss=Yes|PronType=Prs - "De": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Case": "Nom", "Gender": "Com"}, # Case=Nom|Gender=Com|Person=2|Polite=Form|PronType=Prs - "Dem": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Case": "Acc", "Gender": "Com"}, # Case=Acc|Gender=Com|Person=2|Polite=Form|PronType=Prs - "Deres": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Poss": "Yes"}, # Person=2|Polite=Form|Poss=Yes|PronType=Prs - "jeres": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Poss": "Yes"}, # Number[psor]=Plur|Person=2|Poss=Yes|PronType=Prs - "sig": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Case": "Acc", "Reflex": "Yes"}, # Case=Acc|Person=3|PronType=Prs|Reflex=Yes - "hans": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Poss": "Yes"}, # Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs - "hendes": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Poss": "Yes"}, # Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs - "dens": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Poss": "Yes"}, # Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs - "dets": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Poss": "Yes"}, # Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs - "deres": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Poss": "Yes"}, # Number[psor]=Plur|Person=3|Poss=Yes|PronType=Prs + "jeg": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Case": "Nom", + "Gender": "Com", + }, # Case=Nom|Gender=Com|Number=Sing|Person=1|PronType=Prs + "mig": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Case": "Acc", + "Gender": "Com", + }, # Case=Acc|Gender=Com|Number=Sing|Person=1|PronType=Prs + "min": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Com", + }, # Gender=Com|Number=Sing|Number[psor]=Sing|Person=1|Poss=Yes|PronType=Prs + "mit": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + }, # Gender=Neut|Number=Sing|Number[psor]=Sing|Person=1|Poss=Yes|PronType=Prs + "vor": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Com", + }, # Gender=Com|Number=Sing|Number[psor]=Plur|Person=1|Poss=Yes|PronType=Prs|Style=Form + "vort": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + }, # Gender=Neut|Number=Sing|Number[psor]=Plur|Person=1|Poss=Yes|PronType=Prs|Style=Form + "du": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Case": "Nom", + "Gender": "Com", + }, # Case=Nom|Gender=Com|Number=Sing|Person=2|PronType=Prs + "dig": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Case": "Acc", + "Gender": "Com", + }, # Case=Acc|Gender=Com|Number=Sing|Person=2|PronType=Prs + "din": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Com", + }, # Gender=Com|Number=Sing|Number[psor]=Sing|Person=2|Poss=Yes|PronType=Prs + "dit": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + }, # Gender=Neut|Number=Sing|Number[psor]=Sing|Person=2|Poss=Yes|PronType=Prs + "han": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Case": "Nom", + "Gender": "Com", + }, # Case=Nom|Gender=Com|Number=Sing|Person=3|PronType=Prs + "hun": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Case": "Nom", + "Gender": "Com", + }, # Case=Nom|Gender=Com|Number=Sing|Person=3|PronType=Prs + "den": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Com", + }, # Case=Acc|Gender=Com|Number=Sing|Person=3|PronType=Prs, See note above. + "det": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Neut", + }, # Case=Acc|Gender=Neut|Number=Sing|Person=3|PronType=Prs See note above. + "ham": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Case": "Acc", + "Gender": "Com", + }, # Case=Acc|Gender=Com|Number=Sing|Person=3|PronType=Prs + "hende": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Case": "Acc", + "Gender": "Com", + }, # Case=Acc|Gender=Com|Number=Sing|Person=3|PronType=Prs + "sin": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Com", + "Reflex": "Yes", + }, # Gender=Com|Number=Sing|Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs|Reflex=Yes + "sit": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + "Reflex": "Yes", + }, # Gender=Neut|Number=Sing|Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs|Reflex=Yes + "vi": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Case": "Nom", + "Gender": "Com", + }, # Case=Nom|Gender=Com|Number=Plur|Person=1|PronType=Prs + "os": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Case": "Acc", + "Gender": "Com", + }, # Case=Acc|Gender=Com|Number=Plur|Person=1|PronType=Prs + "mine": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Poss": "Yes", + }, # Number=Plur|Number[psor]=Sing|Person=1|Poss=Yes|PronType=Prs + "vore": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Poss": "Yes", + }, # Number=Plur|Number[psor]=Plur|Person=1|Poss=Yes|PronType=Prs|Style=Form + "I": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Case": "Nom", + "Gender": "Com", + }, # Case=Nom|Gender=Com|Number=Plur|Person=2|PronType=Prs + "jer": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Case": "Acc", + "Gender": "Com", + }, # Case=Acc|Gender=Com|Number=Plur|Person=2|PronType=Prs + "dine": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Poss": "Yes", + }, # Number=Plur|Number[psor]=Sing|Person=2|Poss=Yes|PronType=Prs + "de": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Case": "Nom", + }, # Case=Nom|Number=Plur|Person=3|PronType=Prs + "dem": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Case": "Acc", + }, # Case=Acc|Number=Plur|Person=3|PronType=Prs + "sine": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, # Number=Plur|Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs|Reflex=Yes + "vores": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Poss": "Yes", + }, # Number[psor]=Plur|Person=1|Poss=Yes|PronType=Prs + "De": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Case": "Nom", + "Gender": "Com", + }, # Case=Nom|Gender=Com|Person=2|Polite=Form|PronType=Prs + "Dem": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Case": "Acc", + "Gender": "Com", + }, # Case=Acc|Gender=Com|Person=2|Polite=Form|PronType=Prs + "Deres": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Poss": "Yes", + }, # Person=2|Polite=Form|Poss=Yes|PronType=Prs + "jeres": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Poss": "Yes", + }, # Number[psor]=Plur|Person=2|Poss=Yes|PronType=Prs + "sig": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Case": "Acc", + "Reflex": "Yes", + }, # Case=Acc|Person=3|PronType=Prs|Reflex=Yes + "hans": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Poss": "Yes", + }, # Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs + "hendes": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Poss": "Yes", + }, # Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs + "dens": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Poss": "Yes", + }, # Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs + "dets": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Poss": "Yes", + }, # Number[psor]=Sing|Person=3|Poss=Yes|PronType=Prs + "deres": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Poss": "Yes", + }, # Number[psor]=Plur|Person=3|Poss=Yes|PronType=Prs }, - "VERB": { - "er": {LEMMA: "være", "VerbForm": "Fin", "Tense": "Pres"}, - "var": {LEMMA: "være", "VerbForm": "Fin", "Tense": "Past"} - } + "er": {LEMMA: "være", "VerbForm": "Fin", "Tense": "Pres"}, + "var": {LEMMA: "være", "VerbForm": "Fin", "Tense": "Past"}, + }, } for tag, rules in MORPH_RULES.items(): diff --git a/spacy/lang/da/norm_exceptions.py b/spacy/lang/da/norm_exceptions.py index 71e4b741c..dbffdb88b 100644 --- a/spacy/lang/da/norm_exceptions.py +++ b/spacy/lang/da/norm_exceptions.py @@ -516,7 +516,7 @@ _exc = { "øjeåbner": "øjenåbner", # 1 "økonomiministerium": "økonomiministerie", # 1 "ørenring": "ørering", # 2 - "øvehefte": "øvehæfte" # 1 + "øvehefte": "øvehæfte", # 1 } diff --git a/spacy/lang/da/punctuation.py b/spacy/lang/da/punctuation.py index 1802f6a69..0a2ee3ba2 100644 --- a/spacy/lang/da/punctuation.py +++ b/spacy/lang/da/punctuation.py @@ -6,17 +6,26 @@ from ..char_classes import QUOTES, ALPHA, ALPHA_LOWER, ALPHA_UPPER from ..punctuation import TOKENIZER_SUFFIXES -_quotes = QUOTES.replace("'", '') +_quotes = QUOTES.replace("'", "") -_infixes = (LIST_ELLIPSES + LIST_ICONS + - [r'(?<=[{}])\.(?=[{}])'.format(ALPHA_LOWER, ALPHA_UPPER), - r'(?<=[{a}])[,!?](?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}"])[:<>=](?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}]),(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])([{q}\)\]\(\[])(?=[\{a}])'.format(a=ALPHA, q=_quotes), - r'(?<=[{a}])--(?=[{a}])'.format(a=ALPHA)]) +_infixes = ( + LIST_ELLIPSES + + LIST_ICONS + + [ + r"(?<=[{}])\.(?=[{}])".format(ALPHA_LOWER, ALPHA_UPPER), + r"(?<=[{a}])[,!?](?=[{a}])".format(a=ALPHA), + r'(?<=[{a}"])[:<>=](?=[{a}])'.format(a=ALPHA), + r"(?<=[{a}]),(?=[{a}])".format(a=ALPHA), + r"(?<=[{a}])([{q}\)\]\(\[])(?=[\{a}])".format(a=ALPHA, q=_quotes), + r"(?<=[{a}])--(?=[{a}])".format(a=ALPHA), + ] +) -_suffixes = [suffix for suffix in TOKENIZER_SUFFIXES if suffix not in ["'s", "'S", "’s", "’S", r"\'"]] +_suffixes = [ + suffix + for suffix in TOKENIZER_SUFFIXES + if suffix not in ["'s", "'S", "’s", "’S", r"\'"] +] _suffixes += [r"(?<=[^sSxXzZ])\'"] diff --git a/spacy/lang/da/stop_words.py b/spacy/lang/da/stop_words.py index ba448f8f3..48de0c7ca 100644 --- a/spacy/lang/da/stop_words.py +++ b/spacy/lang/da/stop_words.py @@ -3,7 +3,8 @@ from __future__ import unicode_literals # Source: Handpicked by Jens Dahl Møllerhøj. -STOP_WORDS = set(""" +STOP_WORDS = set( + """ af aldrig alene alle allerede alligevel alt altid anden andet andre at bag begge blandt blev blive bliver burde bør @@ -43,4 +44,5 @@ ud uden udover under undtagen var ved vi via vil ville vore vores vær være været øvrigt -""".split()) +""".split() +) diff --git a/spacy/lang/da/tokenizer_exceptions.py b/spacy/lang/da/tokenizer_exceptions.py index a9f4e8fbe..be7528b23 100644 --- a/spacy/lang/da/tokenizer_exceptions.py +++ b/spacy/lang/da/tokenizer_exceptions.py @@ -15,130 +15,540 @@ _exc = {} # (for "torsdag") are left out because they are ambiguous. The same is the case # for abbreviations "jul." and "Jul." ("juli"). for exc_data in [ - {ORTH: "Kbh.", LEMMA: "København", NORM: "København"}, - {ORTH: "jan.", LEMMA: "januar"}, - {ORTH: "febr.", LEMMA: "februar"}, - {ORTH: "feb.", LEMMA: "februar"}, - {ORTH: "mar.", LEMMA: "marts"}, - {ORTH: "apr.", LEMMA: "april"}, - {ORTH: "jun.", LEMMA: "juni"}, - {ORTH: "aug.", LEMMA: "august"}, - {ORTH: "sept.", LEMMA: "september"}, - {ORTH: "sep.", LEMMA: "september"}, - {ORTH: "okt.", LEMMA: "oktober"}, - {ORTH: "nov.", LEMMA: "november"}, - {ORTH: "dec.", LEMMA: "december"}, - {ORTH: "man.", LEMMA: "mandag"}, - {ORTH: "tirs.", LEMMA: "tirsdag"}, - {ORTH: "ons.", LEMMA: "onsdag"}, - {ORTH: "tor.", LEMMA: "torsdag"}, - {ORTH: "tors.", LEMMA: "torsdag"}, - {ORTH: "fre.", LEMMA: "fredag"}, - {ORTH: "lør.", LEMMA: "lørdag"}, - {ORTH: "Jan.", LEMMA: "januar"}, - {ORTH: "Febr.", LEMMA: "februar"}, - {ORTH: "Feb.", LEMMA: "februar"}, - {ORTH: "Mar.", LEMMA: "marts"}, - {ORTH: "Apr.", LEMMA: "april"}, - {ORTH: "Jun.", LEMMA: "juni"}, - {ORTH: "Aug.", LEMMA: "august"}, - {ORTH: "Sept.", LEMMA: "september"}, - {ORTH: "Sep.", LEMMA: "september"}, - {ORTH: "Okt.", LEMMA: "oktober"}, - {ORTH: "Nov.", LEMMA: "november"}, - {ORTH: "Dec.", LEMMA: "december"}, - {ORTH: "Man.", LEMMA: "mandag"}, - {ORTH: "Tirs.", LEMMA: "tirsdag"}, - {ORTH: "Ons.", LEMMA: "onsdag"}, - {ORTH: "Fre.", LEMMA: "fredag"}, - {ORTH: "Lør.", LEMMA: "lørdag"}]: + {ORTH: "Kbh.", LEMMA: "København", NORM: "København"}, + {ORTH: "jan.", LEMMA: "januar"}, + {ORTH: "febr.", LEMMA: "februar"}, + {ORTH: "feb.", LEMMA: "februar"}, + {ORTH: "mar.", LEMMA: "marts"}, + {ORTH: "apr.", LEMMA: "april"}, + {ORTH: "jun.", LEMMA: "juni"}, + {ORTH: "aug.", LEMMA: "august"}, + {ORTH: "sept.", LEMMA: "september"}, + {ORTH: "sep.", LEMMA: "september"}, + {ORTH: "okt.", LEMMA: "oktober"}, + {ORTH: "nov.", LEMMA: "november"}, + {ORTH: "dec.", LEMMA: "december"}, + {ORTH: "man.", LEMMA: "mandag"}, + {ORTH: "tirs.", LEMMA: "tirsdag"}, + {ORTH: "ons.", LEMMA: "onsdag"}, + {ORTH: "tor.", LEMMA: "torsdag"}, + {ORTH: "tors.", LEMMA: "torsdag"}, + {ORTH: "fre.", LEMMA: "fredag"}, + {ORTH: "lør.", LEMMA: "lørdag"}, + {ORTH: "Jan.", LEMMA: "januar"}, + {ORTH: "Febr.", LEMMA: "februar"}, + {ORTH: "Feb.", LEMMA: "februar"}, + {ORTH: "Mar.", LEMMA: "marts"}, + {ORTH: "Apr.", LEMMA: "april"}, + {ORTH: "Jun.", LEMMA: "juni"}, + {ORTH: "Aug.", LEMMA: "august"}, + {ORTH: "Sept.", LEMMA: "september"}, + {ORTH: "Sep.", LEMMA: "september"}, + {ORTH: "Okt.", LEMMA: "oktober"}, + {ORTH: "Nov.", LEMMA: "november"}, + {ORTH: "Dec.", LEMMA: "december"}, + {ORTH: "Man.", LEMMA: "mandag"}, + {ORTH: "Tirs.", LEMMA: "tirsdag"}, + {ORTH: "Ons.", LEMMA: "onsdag"}, + {ORTH: "Fre.", LEMMA: "fredag"}, + {ORTH: "Lør.", LEMMA: "lørdag"}, +]: _exc[exc_data[ORTH]] = [exc_data] # Specified case only for orth in [ - "diam.", "ib.", "mia.", "mik.", "pers.", "A.D.", "A/S", "B.C.", "BK.", - "Dr.", "Boul.", "Chr.", "Dronn.", "H.K.H.", "H.M.", "Hf.", "i/s", "I/S", - "Kprs.", "L.A.", "Ll.", "m/s", "M/S", "Mag.", "Mr.", "Ndr.", "Ph.d.", - "Prs.", "Rcp.", "Sdr.", "Skt.", "Spl.", "Vg."]: + "diam.", + "ib.", + "mia.", + "mik.", + "pers.", + "A.D.", + "A/S", + "B.C.", + "BK.", + "Dr.", + "Boul.", + "Chr.", + "Dronn.", + "H.K.H.", + "H.M.", + "Hf.", + "i/s", + "I/S", + "Kprs.", + "L.A.", + "Ll.", + "m/s", + "M/S", + "Mag.", + "Mr.", + "Ndr.", + "Ph.d.", + "Prs.", + "Rcp.", + "Sdr.", + "Skt.", + "Spl.", + "Vg.", +]: _exc[orth] = [{ORTH: orth}] for orth in [ - "aarh.", "ac.", "adj.", "adr.", "adsk.", "adv.", "afb.", "afd.", "afg.", - "afk.", "afs.", "aht.", "alg.", "alk.", "alm.", "amer.", "ang.", "ank.", - "anl.", "anv.", "arb.", "arr.", "att.", "bd.", "bdt.", "beg.", "begr.", - "beh.", "bet.", "bev.", "bhk.", "bib.", "bibl.", "bidr.", "bildl.", - "bill.", "biol.", "bk.", "bl.", "bl.a.", "borgm.", "br.", "brolægn.", - "bto.", "bygn.", "ca.", "cand.", "d.d.", "d.m.", "d.s.", "d.s.s.", - "d.y.", "d.å.", "d.æ.", "dagl.", "dat.", "dav.", "def.", "dek.", "dep.", - "desl.", "dir.", "disp.", "distr.", "div.", "dkr.", "dl.", "do.", - "dobb.", "dr.h.c", "dr.phil.", "ds.", "dvs.", "e.b.", "e.l.", "e.o.", - "e.v.t.", "eftf.", "eftm.", "egl.", "eks.", "eksam.", "ekskl.", "eksp.", - "ekspl.", "el.lign.", "emer.", "endv.", "eng.", "enk.", "etc.", "etym.", - "eur.", "evt.", "exam.", "f.eks.", "f.m.", "f.n.", "f.o.", "f.o.m.", - "f.s.v.", "f.t.", "f.v.t.", "f.å.", "fa.", "fakt.", "fam.", "ff.", - "fg.", "fhv.", "fig.", "filol.", "filos.", "fl.", "flg.", "fm.", "fmd.", - "fol.", "forb.", "foreg.", "foren.", "forf.", "fork.", "forr.", "fors.", - "forsk.", "forts.", "fr.", "fr.u.", "frk.", "fsva.", "fuldm.", "fung.", - "fx.", "fys.", "fær.", "g.d.", "g.m.", "gd.", "gdr.", "genuds.", "gl.", - "gn.", "gns.", "gr.", "grdl.", "gross.", "h.a.", "h.c.", "hdl.", - "henv.", "hhv.", "hj.hj.", "hj.spl.", "hort.", "hosp.", "hpl.", "hr.", - "hrs.", "hum.", "hvp.", "i.e.", "id.", "if.", "iflg.", "ifm.", "ift.", - "iht.", "ill.", "indb.", "indreg.", "inf.", "ing.", "inh.", "inj.", - "inkl.", "insp.", "instr.", "isl.", "istf.", "it.", "ital.", "iv.", - "jap.", "jf.", "jfr.", "jnr.", "j.nr.", "jr.", "jur.", "jvf.", "kap.", - "kbh.", "kem.", "kgl.", "kl.", "kld.", "knsp.", "komm.", "kons.", - "korr.", "kp.", "kr.", "kst.", "kt.", "ktr.", "kv.", "kvt.", "l.c.", - "lab.", "lat.", "lb.m.", "lb.nr.", "lejl.", "lgd.", "lic.", "lign.", - "lin.", "ling.merc.", "litt.", "loc.cit.", "lok.", "lrs.", "ltr.", - "m.a.o.", "m.fl.", "m.m.", "m.v.", "m.v.h.", "maks.", "md.", "mdr.", - "mdtl.", "mezz.", "mfl.", "m.h.p.", "m.h.t.", "mht.", "mill.", "mio.", - "modt.", "mrk.", "mul.", "mv.", "n.br.", "n.f.", "nb.", "nedenst.", - "nl.", "nr.", "nto.", "nuv.", "o/m", "o.a.", "o.fl.", "o.h.", "o.l.", - "o.lign.", "o.m.a.", "o.s.fr.", "obl.", "obs.", "odont.", "oecon.", - "off.", "ofl.", "omg.", "omkr.", "omr.", "omtr.", "opg.", "opl.", - "opr.", "org.", "orig.", "osv.", "ovenst.", "overs.", "ovf.", "p.a.", - "p.b.a", "p.b.v", "p.c.", "p.m.", "p.m.v.", "p.n.", "p.p.", "p.p.s.", - "p.s.", "p.t.", "p.v.a.", "p.v.c.", "pag.", "pass.", "pcs.", "pct.", - "pd.", "pens.", "pft.", "pg.", "pga.", "pgl.", "pinx.", "pk.", "pkt.", - "polit.", "polyt.", "pos.", "pp.", "ppm.", "pr.", "prc.", "priv.", - "prod.", "prof.", "pron.", "præd.", "præf.", "præt.", "psych.", "pt.", - "pæd.", "q.e.d.", "rad.", "red.", "ref.", "reg.", "regn.", "rel.", - "rep.", "repr.", "resp.", "rest.", "rm.", "rtg.", "russ.", "s.br.", - "s.d.", "s.f.", "s.m.b.a.", "s.u.", "s.å.", "sa.", "sb.", "sc.", - "scient.", "scil.", "sek.", "sekr.", "self.", "sem.", "shj.", "sign.", - "sing.", "sj.", "skr.", "slutn.", "sml.", "smp.", "snr.", "soc.", - "soc.dem.", "sp.", "spec.", "spm.", "spr.", "spsk.", "statsaut.", "st.", - "stk.", "str.", "stud.", "subj.", "subst.", "suff.", "sup.", "suppl.", - "sv.", "såk.", "sædv.", "t/r", "t.h.", "t.o.", "t.o.m.", "t.v.", "tbl.", - "tcp/ip", "td.", "tdl.", "tdr.", "techn.", "tekn.", "temp.", "th.", - "theol.", "tidl.", "tilf.", "tilh.", "till.", "tilsv.", "tjg.", "tkr.", - "tlf.", "tlgr.", "tr.", "trp.", "tsk.", "tv.", "ty.", "u/b", "udb.", - "udbet.", "ugtl.", "undt.", "v.f.", "vb.", "vedk.", "vedl.", "vedr.", - "vejl.", "vh.", "vha.", "vs.", "vsa.", "vær.", "zool.", "ø.lgd.", - "øvr.", "årg.", "årh."]: + "aarh.", + "ac.", + "adj.", + "adr.", + "adsk.", + "adv.", + "afb.", + "afd.", + "afg.", + "afk.", + "afs.", + "aht.", + "alg.", + "alk.", + "alm.", + "amer.", + "ang.", + "ank.", + "anl.", + "anv.", + "arb.", + "arr.", + "att.", + "bd.", + "bdt.", + "beg.", + "begr.", + "beh.", + "bet.", + "bev.", + "bhk.", + "bib.", + "bibl.", + "bidr.", + "bildl.", + "bill.", + "biol.", + "bk.", + "bl.", + "bl.a.", + "borgm.", + "br.", + "brolægn.", + "bto.", + "bygn.", + "ca.", + "cand.", + "d.d.", + "d.m.", + "d.s.", + "d.s.s.", + "d.y.", + "d.å.", + "d.æ.", + "dagl.", + "dat.", + "dav.", + "def.", + "dek.", + "dep.", + "desl.", + "dir.", + "disp.", + "distr.", + "div.", + "dkr.", + "dl.", + "do.", + "dobb.", + "dr.h.c", + "dr.phil.", + "ds.", + "dvs.", + "e.b.", + "e.l.", + "e.o.", + "e.v.t.", + "eftf.", + "eftm.", + "egl.", + "eks.", + "eksam.", + "ekskl.", + "eksp.", + "ekspl.", + "el.lign.", + "emer.", + "endv.", + "eng.", + "enk.", + "etc.", + "etym.", + "eur.", + "evt.", + "exam.", + "f.eks.", + "f.m.", + "f.n.", + "f.o.", + "f.o.m.", + "f.s.v.", + "f.t.", + "f.v.t.", + "f.å.", + "fa.", + "fakt.", + "fam.", + "ff.", + "fg.", + "fhv.", + "fig.", + "filol.", + "filos.", + "fl.", + "flg.", + "fm.", + "fmd.", + "fol.", + "forb.", + "foreg.", + "foren.", + "forf.", + "fork.", + "forr.", + "fors.", + "forsk.", + "forts.", + "fr.", + "fr.u.", + "frk.", + "fsva.", + "fuldm.", + "fung.", + "fx.", + "fys.", + "fær.", + "g.d.", + "g.m.", + "gd.", + "gdr.", + "genuds.", + "gl.", + "gn.", + "gns.", + "gr.", + "grdl.", + "gross.", + "h.a.", + "h.c.", + "hdl.", + "henv.", + "hhv.", + "hj.hj.", + "hj.spl.", + "hort.", + "hosp.", + "hpl.", + "hr.", + "hrs.", + "hum.", + "hvp.", + "i.e.", + "id.", + "if.", + "iflg.", + "ifm.", + "ift.", + "iht.", + "ill.", + "indb.", + "indreg.", + "inf.", + "ing.", + "inh.", + "inj.", + "inkl.", + "insp.", + "instr.", + "isl.", + "istf.", + "it.", + "ital.", + "iv.", + "jap.", + "jf.", + "jfr.", + "jnr.", + "j.nr.", + "jr.", + "jur.", + "jvf.", + "kap.", + "kbh.", + "kem.", + "kgl.", + "kl.", + "kld.", + "knsp.", + "komm.", + "kons.", + "korr.", + "kp.", + "kr.", + "kst.", + "kt.", + "ktr.", + "kv.", + "kvt.", + "l.c.", + "lab.", + "lat.", + "lb.m.", + "lb.nr.", + "lejl.", + "lgd.", + "lic.", + "lign.", + "lin.", + "ling.merc.", + "litt.", + "loc.cit.", + "lok.", + "lrs.", + "ltr.", + "m.a.o.", + "m.fl.", + "m.m.", + "m.v.", + "m.v.h.", + "maks.", + "md.", + "mdr.", + "mdtl.", + "mezz.", + "mfl.", + "m.h.p.", + "m.h.t.", + "mht.", + "mill.", + "mio.", + "modt.", + "mrk.", + "mul.", + "mv.", + "n.br.", + "n.f.", + "nb.", + "nedenst.", + "nl.", + "nr.", + "nto.", + "nuv.", + "o/m", + "o.a.", + "o.fl.", + "o.h.", + "o.l.", + "o.lign.", + "o.m.a.", + "o.s.fr.", + "obl.", + "obs.", + "odont.", + "oecon.", + "off.", + "ofl.", + "omg.", + "omkr.", + "omr.", + "omtr.", + "opg.", + "opl.", + "opr.", + "org.", + "orig.", + "osv.", + "ovenst.", + "overs.", + "ovf.", + "p.a.", + "p.b.a", + "p.b.v", + "p.c.", + "p.m.", + "p.m.v.", + "p.n.", + "p.p.", + "p.p.s.", + "p.s.", + "p.t.", + "p.v.a.", + "p.v.c.", + "pag.", + "pass.", + "pcs.", + "pct.", + "pd.", + "pens.", + "pft.", + "pg.", + "pga.", + "pgl.", + "pinx.", + "pk.", + "pkt.", + "polit.", + "polyt.", + "pos.", + "pp.", + "ppm.", + "pr.", + "prc.", + "priv.", + "prod.", + "prof.", + "pron.", + "præd.", + "præf.", + "præt.", + "psych.", + "pt.", + "pæd.", + "q.e.d.", + "rad.", + "red.", + "ref.", + "reg.", + "regn.", + "rel.", + "rep.", + "repr.", + "resp.", + "rest.", + "rm.", + "rtg.", + "russ.", + "s.br.", + "s.d.", + "s.f.", + "s.m.b.a.", + "s.u.", + "s.å.", + "sa.", + "sb.", + "sc.", + "scient.", + "scil.", + "sek.", + "sekr.", + "self.", + "sem.", + "shj.", + "sign.", + "sing.", + "sj.", + "skr.", + "slutn.", + "sml.", + "smp.", + "snr.", + "soc.", + "soc.dem.", + "sp.", + "spec.", + "spm.", + "spr.", + "spsk.", + "statsaut.", + "st.", + "stk.", + "str.", + "stud.", + "subj.", + "subst.", + "suff.", + "sup.", + "suppl.", + "sv.", + "såk.", + "sædv.", + "t/r", + "t.h.", + "t.o.", + "t.o.m.", + "t.v.", + "tbl.", + "tcp/ip", + "td.", + "tdl.", + "tdr.", + "techn.", + "tekn.", + "temp.", + "th.", + "theol.", + "tidl.", + "tilf.", + "tilh.", + "till.", + "tilsv.", + "tjg.", + "tkr.", + "tlf.", + "tlgr.", + "tr.", + "trp.", + "tsk.", + "tv.", + "ty.", + "u/b", + "udb.", + "udbet.", + "ugtl.", + "undt.", + "v.f.", + "vb.", + "vedk.", + "vedl.", + "vedr.", + "vejl.", + "vh.", + "vha.", + "vs.", + "vsa.", + "vær.", + "zool.", + "ø.lgd.", + "øvr.", + "årg.", + "årh.", +]: _exc[orth] = [{ORTH: orth}] capitalized = orth.capitalize() _exc[capitalized] = [{ORTH: capitalized}] for exc_data in [ - {ORTH: "s'gu", LEMMA: "s'gu", NORM: "s'gu"}, - {ORTH: "S'gu", LEMMA: "s'gu", NORM: "s'gu"}, - {ORTH: "sgu'", LEMMA: "s'gu", NORM: "s'gu"}, - {ORTH: "Sgu'", LEMMA: "s'gu", NORM: "s'gu"}, - {ORTH: "sku'", LEMMA: "skal", NORM: "skulle"}, - {ORTH: "ku'", LEMMA: "kan", NORM: "kunne"}, - {ORTH: "Ku'", LEMMA: "kan", NORM: "kunne"}, - {ORTH: "ka'", LEMMA: "kan", NORM: "kan"}, - {ORTH: "Ka'", LEMMA: "kan", NORM: "kan"}, - {ORTH: "gi'", LEMMA: "give", NORM: "giv"}, - {ORTH: "Gi'", LEMMA: "give", NORM: "giv"}, - {ORTH: "li'", LEMMA: "lide", NORM: "lide"}, - {ORTH: "ha'", LEMMA: "have", NORM: "have"}, - {ORTH: "Ha'", LEMMA: "have", NORM: "have"}, - {ORTH: "ik'", LEMMA: "ikke", NORM: "ikke"}, - {ORTH: "Ik'", LEMMA: "ikke", NORM: "ikke"}]: + {ORTH: "s'gu", LEMMA: "s'gu", NORM: "s'gu"}, + {ORTH: "S'gu", LEMMA: "s'gu", NORM: "s'gu"}, + {ORTH: "sgu'", LEMMA: "s'gu", NORM: "s'gu"}, + {ORTH: "Sgu'", LEMMA: "s'gu", NORM: "s'gu"}, + {ORTH: "sku'", LEMMA: "skal", NORM: "skulle"}, + {ORTH: "ku'", LEMMA: "kan", NORM: "kunne"}, + {ORTH: "Ku'", LEMMA: "kan", NORM: "kunne"}, + {ORTH: "ka'", LEMMA: "kan", NORM: "kan"}, + {ORTH: "Ka'", LEMMA: "kan", NORM: "kan"}, + {ORTH: "gi'", LEMMA: "give", NORM: "giv"}, + {ORTH: "Gi'", LEMMA: "give", NORM: "giv"}, + {ORTH: "li'", LEMMA: "lide", NORM: "lide"}, + {ORTH: "ha'", LEMMA: "have", NORM: "have"}, + {ORTH: "Ha'", LEMMA: "have", NORM: "have"}, + {ORTH: "ik'", LEMMA: "ikke", NORM: "ikke"}, + {ORTH: "Ik'", LEMMA: "ikke", NORM: "ikke"}, +]: _exc[exc_data[ORTH]] = [exc_data] @@ -147,11 +557,7 @@ for h in range(1, 31 + 1): for period in ["."]: _exc["%d%s" % (h, period)] = [{ORTH: "%d." % h}] -_custom_base_exc = { - "i.": [ - {ORTH: "i", LEMMA: "i", NORM: "i"}, - {ORTH: ".", TAG: PUNCT}] -} +_custom_base_exc = {"i.": [{ORTH: "i", LEMMA: "i", NORM: "i"}, {ORTH: ".", TAG: PUNCT}]} _exc.update(_custom_base_exc) TOKENIZER_EXCEPTIONS = _exc diff --git a/spacy/lang/de/__init__.py b/spacy/lang/de/__init__.py index e8e7a12db..ba26c25eb 100644 --- a/spacy/lang/de/__init__.py +++ b/spacy/lang/de/__init__.py @@ -18,9 +18,10 @@ from ...util import update_exc, add_lookups class GermanDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'de' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], - NORM_EXCEPTIONS, BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "de" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], NORM_EXCEPTIONS, BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) infixes = TOKENIZER_INFIXES tag_map = TAG_MAP @@ -30,8 +31,8 @@ class GermanDefaults(Language.Defaults): class German(Language): - lang = 'de' + lang = "de" Defaults = GermanDefaults -__all__ = ['German'] +__all__ = ["German"] diff --git a/spacy/lang/de/examples.py b/spacy/lang/de/examples.py index 49ac0e14b..0c64a693a 100644 --- a/spacy/lang/de/examples.py +++ b/spacy/lang/de/examples.py @@ -18,5 +18,5 @@ sentences = [ "San Francisco erwägt Verbot von Lieferrobotern", "Autonome Fahrzeuge verlagern Haftpflicht auf Hersteller", "Wo bist du?", - "Was ist die Hauptstadt von Deutschland?" + "Was ist die Hauptstadt von Deutschland?", ] diff --git a/spacy/lang/de/norm_exceptions.py b/spacy/lang/de/norm_exceptions.py index 4e2a31e35..3dbd4c7e3 100644 --- a/spacy/lang/de/norm_exceptions.py +++ b/spacy/lang/de/norm_exceptions.py @@ -6,9 +6,7 @@ from __future__ import unicode_literals # old vs. new spelling rules, and all possible cases. -_exc = { - "daß": "dass" -} +_exc = {"daß": "dass"} NORM_EXCEPTIONS = {} diff --git a/spacy/lang/de/punctuation.py b/spacy/lang/de/punctuation.py index 7024ed118..0dbf03919 100644 --- a/spacy/lang/de/punctuation.py +++ b/spacy/lang/de/punctuation.py @@ -5,16 +5,21 @@ from ..char_classes import LIST_ELLIPSES, LIST_ICONS from ..char_classes import QUOTES, ALPHA, ALPHA_LOWER, ALPHA_UPPER -_quotes = QUOTES.replace("'", '') +_quotes = QUOTES.replace("'", "") -_infixes = (LIST_ELLIPSES + LIST_ICONS + - [r'(?<=[{}])\.(?=[{}])'.format(ALPHA_LOWER, ALPHA_UPPER), - r'(?<=[{a}])[,!?](?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}"])[:<>=](?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}]),(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])([{q}\)\]\(\[])(?=[\{a}])'.format(a=ALPHA, q=_quotes), - r'(?<=[{a}])--(?=[{a}])'.format(a=ALPHA), - r'(?<=[0-9])-(?=[0-9])']) +_infixes = ( + LIST_ELLIPSES + + LIST_ICONS + + [ + r"(?<=[{}])\.(?=[{}])".format(ALPHA_LOWER, ALPHA_UPPER), + r"(?<=[{a}])[,!?](?=[{a}])".format(a=ALPHA), + r'(?<=[{a}"])[:<>=](?=[{a}])'.format(a=ALPHA), + r"(?<=[{a}]),(?=[{a}])".format(a=ALPHA), + r"(?<=[{a}])([{q}\)\]\(\[])(?=[\{a}])".format(a=ALPHA, q=_quotes), + r"(?<=[{a}])--(?=[{a}])".format(a=ALPHA), + r"(?<=[0-9])-(?=[0-9])", + ] +) TOKENIZER_INFIXES = _infixes diff --git a/spacy/lang/de/stop_words.py b/spacy/lang/de/stop_words.py index c07124793..b5d25bf04 100644 --- a/spacy/lang/de/stop_words.py +++ b/spacy/lang/de/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ á a ab aber ach acht achte achten achter achtes ag alle allein allem allen aller allerdings alles allgemeinen als also am an andere anderen andern anders auch auf aus ausser außer ausserdem außerdem @@ -78,4 +79,5 @@ wollt wollte wollten worden wurde würde wurden würden zehn zehnte zehnten zehnter zehntes zeit zu zuerst zugleich zum zunächst zur zurück zusammen zwanzig zwar zwei zweite zweiten zweiter zweites zwischen -""".split()) +""".split() +) diff --git a/spacy/lang/de/syntax_iterators.py b/spacy/lang/de/syntax_iterators.py index e5dcbf1ff..89d784a0c 100644 --- a/spacy/lang/de/syntax_iterators.py +++ b/spacy/lang/de/syntax_iterators.py @@ -13,26 +13,37 @@ def noun_chunks(obj): # measurement construction, the span is sometimes extended to the right of # the NOUN. Example: "eine Tasse Tee" (a cup (of) tea) returns "eine Tasse Tee" # and not just "eine Tasse", same for "das Thema Familie". - labels = ['sb', 'oa', 'da', 'nk', 'mo', 'ag', 'ROOT', 'root', 'cj', 'pd', 'og', 'app'] - doc = obj.doc # Ensure works on both Doc and Span. - np_label = doc.vocab.strings.add('NP') + labels = [ + "sb", + "oa", + "da", + "nk", + "mo", + "ag", + "ROOT", + "root", + "cj", + "pd", + "og", + "app", + ] + doc = obj.doc # Ensure works on both Doc and Span. + np_label = doc.vocab.strings.add("NP") np_deps = set(doc.vocab.strings.add(label) for label in labels) - close_app = doc.vocab.strings.add('nk') + close_app = doc.vocab.strings.add("nk") rbracket = 0 for i, word in enumerate(obj): if i < rbracket: continue if word.pos in (NOUN, PROPN, PRON) and word.dep in np_deps: - rbracket = word.i+1 + rbracket = word.i + 1 # try to extend the span to the right # to capture close apposition/measurement constructions for rdep in doc[word.i].rights: if rdep.pos in (NOUN, PROPN) and rdep.dep == close_app: - rbracket = rdep.i+1 + rbracket = rdep.i + 1 yield word.left_edge.i, rbracket, np_label -SYNTAX_ITERATORS = { - 'noun_chunks': noun_chunks -} +SYNTAX_ITERATORS = {"noun_chunks": noun_chunks} diff --git a/spacy/lang/de/tag_map.py b/spacy/lang/de/tag_map.py index 730c15cfc..3bb6247c4 100644 --- a/spacy/lang/de/tag_map.py +++ b/spacy/lang/de/tag_map.py @@ -6,61 +6,61 @@ from ...symbols import NOUN, PROPN, PART, INTJ, SPACE, PRON, AUX TAG_MAP = { - "$(": {POS: PUNCT, "PunctType": "brck"}, - "$,": {POS: PUNCT, "PunctType": "comm"}, - "$.": {POS: PUNCT, "PunctType": "peri"}, - "ADJA": {POS: ADJ}, - "ADJD": {POS: ADJ, "Variant": "short"}, - "ADV": {POS: ADV}, - "APPO": {POS: ADP, "AdpType": "post"}, - "APPR": {POS: ADP, "AdpType": "prep"}, - "APPRART": {POS: ADP, "AdpType": "prep", "PronType": "art"}, - "APZR": {POS: ADP, "AdpType": "circ"}, - "ART": {POS: DET, "PronType": "art"}, - "CARD": {POS: NUM, "NumType": "card"}, - "FM": {POS: X, "Foreign": "yes"}, - "ITJ": {POS: INTJ}, - "KOKOM": {POS: CONJ, "ConjType": "comp"}, - "KON": {POS: CONJ}, - "KOUI": {POS: SCONJ}, - "KOUS": {POS: SCONJ}, - "NE": {POS: PROPN}, - "NNE": {POS: PROPN}, - "NN": {POS: NOUN}, - "PAV": {POS: ADV, "PronType": "dem"}, - "PROAV": {POS: ADV, "PronType": "dem"}, - "PDAT": {POS: DET, "PronType": "dem"}, - "PDS": {POS: PRON, "PronType": "dem"}, - "PIAT": {POS: DET, "PronType": "ind|neg|tot"}, - "PIDAT": {POS: DET, "AdjType": "pdt", "PronType": "ind|neg|tot"}, - "PIS": {POS: PRON, "PronType": "ind|neg|tot"}, - "PPER": {POS: PRON, "PronType": "prs"}, - "PPOSAT": {POS: DET, "Poss": "yes", "PronType": "prs"}, - "PPOSS": {POS: PRON, "Poss": "yes", "PronType": "prs"}, - "PRELAT": {POS: DET, "PronType": "rel"}, - "PRELS": {POS: PRON, "PronType": "rel"}, - "PRF": {POS: PRON, "PronType": "prs", "Reflex": "yes"}, - "PTKA": {POS: PART}, - "PTKANT": {POS: PART, "PartType": "res"}, - "PTKNEG": {POS: PART, "Polarity": "Neg"}, - "PTKVZ": {POS: PART, "PartType": "vbp"}, - "PTKZU": {POS: PART, "PartType": "inf"}, - "PWAT": {POS: DET, "PronType": "int"}, - "PWAV": {POS: ADV, "PronType": "int"}, - "PWS": {POS: PRON, "PronType": "int"}, - "TRUNC": {POS: X, "Hyph": "yes"}, - "VAFIN": {POS: AUX, "Mood": "ind", "VerbForm": "fin"}, - "VAIMP": {POS: AUX, "Mood": "imp", "VerbForm": "fin"}, - "VAINF": {POS: AUX, "VerbForm": "inf"}, - "VAPP": {POS: AUX, "Aspect": "perf", "VerbForm": "part"}, - "VMFIN": {POS: VERB, "Mood": "ind", "VerbForm": "fin", "VerbType": "mod"}, - "VMINF": {POS: VERB, "VerbForm": "inf", "VerbType": "mod"}, - "VMPP": {POS: VERB, "Aspect": "perf", "VerbForm": "part", "VerbType": "mod"}, - "VVFIN": {POS: VERB, "Mood": "ind", "VerbForm": "fin"}, - "VVIMP": {POS: VERB, "Mood": "imp", "VerbForm": "fin"}, - "VVINF": {POS: VERB, "VerbForm": "inf"}, - "VVIZU": {POS: VERB, "VerbForm": "inf"}, - "VVPP": {POS: VERB, "Aspect": "perf", "VerbForm": "part"}, - "XY": {POS: X}, - "_SP": {POS: SPACE} + "$(": {POS: PUNCT, "PunctType": "brck"}, + "$,": {POS: PUNCT, "PunctType": "comm"}, + "$.": {POS: PUNCT, "PunctType": "peri"}, + "ADJA": {POS: ADJ}, + "ADJD": {POS: ADJ, "Variant": "short"}, + "ADV": {POS: ADV}, + "APPO": {POS: ADP, "AdpType": "post"}, + "APPR": {POS: ADP, "AdpType": "prep"}, + "APPRART": {POS: ADP, "AdpType": "prep", "PronType": "art"}, + "APZR": {POS: ADP, "AdpType": "circ"}, + "ART": {POS: DET, "PronType": "art"}, + "CARD": {POS: NUM, "NumType": "card"}, + "FM": {POS: X, "Foreign": "yes"}, + "ITJ": {POS: INTJ}, + "KOKOM": {POS: CONJ, "ConjType": "comp"}, + "KON": {POS: CONJ}, + "KOUI": {POS: SCONJ}, + "KOUS": {POS: SCONJ}, + "NE": {POS: PROPN}, + "NNE": {POS: PROPN}, + "NN": {POS: NOUN}, + "PAV": {POS: ADV, "PronType": "dem"}, + "PROAV": {POS: ADV, "PronType": "dem"}, + "PDAT": {POS: DET, "PronType": "dem"}, + "PDS": {POS: PRON, "PronType": "dem"}, + "PIAT": {POS: DET, "PronType": "ind|neg|tot"}, + "PIDAT": {POS: DET, "AdjType": "pdt", "PronType": "ind|neg|tot"}, + "PIS": {POS: PRON, "PronType": "ind|neg|tot"}, + "PPER": {POS: PRON, "PronType": "prs"}, + "PPOSAT": {POS: DET, "Poss": "yes", "PronType": "prs"}, + "PPOSS": {POS: PRON, "Poss": "yes", "PronType": "prs"}, + "PRELAT": {POS: DET, "PronType": "rel"}, + "PRELS": {POS: PRON, "PronType": "rel"}, + "PRF": {POS: PRON, "PronType": "prs", "Reflex": "yes"}, + "PTKA": {POS: PART}, + "PTKANT": {POS: PART, "PartType": "res"}, + "PTKNEG": {POS: PART, "Polarity": "Neg"}, + "PTKVZ": {POS: PART, "PartType": "vbp"}, + "PTKZU": {POS: PART, "PartType": "inf"}, + "PWAT": {POS: DET, "PronType": "int"}, + "PWAV": {POS: ADV, "PronType": "int"}, + "PWS": {POS: PRON, "PronType": "int"}, + "TRUNC": {POS: X, "Hyph": "yes"}, + "VAFIN": {POS: AUX, "Mood": "ind", "VerbForm": "fin"}, + "VAIMP": {POS: AUX, "Mood": "imp", "VerbForm": "fin"}, + "VAINF": {POS: AUX, "VerbForm": "inf"}, + "VAPP": {POS: AUX, "Aspect": "perf", "VerbForm": "part"}, + "VMFIN": {POS: VERB, "Mood": "ind", "VerbForm": "fin", "VerbType": "mod"}, + "VMINF": {POS: VERB, "VerbForm": "inf", "VerbType": "mod"}, + "VMPP": {POS: VERB, "Aspect": "perf", "VerbForm": "part", "VerbType": "mod"}, + "VVFIN": {POS: VERB, "Mood": "ind", "VerbForm": "fin"}, + "VVIMP": {POS: VERB, "Mood": "imp", "VerbForm": "fin"}, + "VVINF": {POS: VERB, "VerbForm": "inf"}, + "VVIZU": {POS: VERB, "VerbForm": "inf"}, + "VVPP": {POS: VERB, "Aspect": "perf", "VerbForm": "part"}, + "XY": {POS: X}, + "_SP": {POS: SPACE}, } diff --git a/spacy/lang/de/tokenizer_exceptions.py b/spacy/lang/de/tokenizer_exceptions.py index 8e041a740..5b09a0b89 100644 --- a/spacy/lang/de/tokenizer_exceptions.py +++ b/spacy/lang/de/tokenizer_exceptions.py @@ -5,49 +5,41 @@ from ...symbols import ORTH, LEMMA, TAG, NORM, PRON_LEMMA _exc = { - "auf'm": [ - {ORTH: "auf", LEMMA: "auf"}, - {ORTH: "'m", LEMMA: "der", NORM: "dem"}], - + "auf'm": [{ORTH: "auf", LEMMA: "auf"}, {ORTH: "'m", LEMMA: "der", NORM: "dem"}], "du's": [ {ORTH: "du", LEMMA: PRON_LEMMA, TAG: "PPER"}, - {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}], - + {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}, + ], "er's": [ {ORTH: "er", LEMMA: PRON_LEMMA, TAG: "PPER"}, - {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}], - + {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}, + ], "hinter'm": [ {ORTH: "hinter", LEMMA: "hinter"}, - {ORTH: "'m", LEMMA: "der", NORM: "dem"}], - + {ORTH: "'m", LEMMA: "der", NORM: "dem"}, + ], "ich's": [ {ORTH: "ich", LEMMA: PRON_LEMMA, TAG: "PPER"}, - {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}], - + {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}, + ], "ihr's": [ {ORTH: "ihr", LEMMA: PRON_LEMMA, TAG: "PPER"}, - {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}], - + {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}, + ], "sie's": [ {ORTH: "sie", LEMMA: PRON_LEMMA, TAG: "PPER"}, - {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}], - + {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}, + ], "unter'm": [ {ORTH: "unter", LEMMA: "unter"}, - {ORTH: "'m", LEMMA: "der", NORM: "dem"}], - - "vor'm": [ - {ORTH: "vor", LEMMA: "vor"}, - {ORTH: "'m", LEMMA: "der", NORM: "dem"}], - + {ORTH: "'m", LEMMA: "der", NORM: "dem"}, + ], + "vor'm": [{ORTH: "vor", LEMMA: "vor"}, {ORTH: "'m", LEMMA: "der", NORM: "dem"}], "wir's": [ {ORTH: "wir", LEMMA: PRON_LEMMA, TAG: "PPER"}, - {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}], - - "über'm": [ - {ORTH: "über", LEMMA: "über"}, - {ORTH: "'m", LEMMA: "der", NORM: "dem"}] + {ORTH: "'s", LEMMA: PRON_LEMMA, TAG: "PPER", NORM: "es"}, + ], + "über'm": [{ORTH: "über", LEMMA: "über"}, {ORTH: "'m", LEMMA: "der", NORM: "dem"}], } @@ -162,21 +154,95 @@ for exc_data in [ {ORTH: "z.Zt.", LEMMA: "zur Zeit"}, {ORTH: "z.b.", LEMMA: "zum Beispiel"}, {ORTH: "zzgl.", LEMMA: "zuzüglich"}, - {ORTH: "österr.", LEMMA: "österreichisch", NORM: "österreichisch"}]: + {ORTH: "österr.", LEMMA: "österreichisch", NORM: "österreichisch"}, +]: _exc[exc_data[ORTH]] = [exc_data] for orth in [ - "A.C.", "a.D.", "A.D.", "A.G.", "a.M.", "a.Z.", "Abs.", "adv.", "al.", - "B.A.", "B.Sc.", "betr.", "biol.", "Biol.", "ca.", "Chr.", "Cie.", "co.", - "Co.", "D.C.", "Dipl.-Ing.", "Dipl.", "Dr.", "e.g.", "e.V.", "ehem.", - "entspr.", "erm.", "etc.", "ev.", "G.m.b.H.", "geb.", "Gebr.", "gem.", - "h.c.", "Hg.", "hrsg.", "Hrsg.", "i.A.", "i.e.", "i.G.", "i.Tr.", "i.V.", - "Ing.", "jr.", "Jr.", "jun.", "jur.", "K.O.", "L.A.", "lat.", "M.A.", - "m.E.", "m.M.", "M.Sc.", "Mr.", "N.Y.", "N.Y.C.", "nat.", "o.a.", - "o.ä.", "o.g.", "o.k.", "O.K.", "p.a.", "p.s.", "P.S.", "pers.", "phil.", - "q.e.d.", "R.I.P.", "rer.", "sen.", "St.", "std.", "u.a.", "U.S.", "U.S.A.", - "U.S.S.", "Vol.", "vs.", "wiss."]: + "A.C.", + "a.D.", + "A.D.", + "A.G.", + "a.M.", + "a.Z.", + "Abs.", + "adv.", + "al.", + "B.A.", + "B.Sc.", + "betr.", + "biol.", + "Biol.", + "ca.", + "Chr.", + "Cie.", + "co.", + "Co.", + "D.C.", + "Dipl.-Ing.", + "Dipl.", + "Dr.", + "e.g.", + "e.V.", + "ehem.", + "entspr.", + "erm.", + "etc.", + "ev.", + "G.m.b.H.", + "geb.", + "Gebr.", + "gem.", + "h.c.", + "Hg.", + "hrsg.", + "Hrsg.", + "i.A.", + "i.e.", + "i.G.", + "i.Tr.", + "i.V.", + "Ing.", + "jr.", + "Jr.", + "jun.", + "jur.", + "K.O.", + "L.A.", + "lat.", + "M.A.", + "m.E.", + "m.M.", + "M.Sc.", + "Mr.", + "N.Y.", + "N.Y.C.", + "nat.", + "o.a.", + "o.ä.", + "o.g.", + "o.k.", + "O.K.", + "p.a.", + "p.s.", + "P.S.", + "pers.", + "phil.", + "q.e.d.", + "R.I.P.", + "rer.", + "sen.", + "St.", + "std.", + "u.a.", + "U.S.", + "U.S.A.", + "U.S.S.", + "Vol.", + "vs.", + "wiss.", +]: _exc[orth] = [{ORTH: orth}] diff --git a/spacy/lang/el/__init__.py b/spacy/lang/el/__init__.py index f411f65aa..b6915a73f 100644 --- a/spacy/lang/el/__init__.py +++ b/spacy/lang/el/__init__.py @@ -21,9 +21,10 @@ from ...util import update_exc, add_lookups class GreekDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[LANG] = lambda text: 'el' # ISO code + lex_attr_getters[LANG] = lambda text: "el" # ISO code lex_attr_getters[NORM] = add_lookups( - Language.Defaults.lex_attr_getters[NORM], BASE_NORMS, NORM_EXCEPTIONS) + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS, NORM_EXCEPTIONS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS tag_map = TAG_MAP @@ -37,15 +38,16 @@ class GreekDefaults(Language.Defaults): lemma_rules = LEMMA_RULES lemma_index = LEMMA_INDEX lemma_exc = LEMMA_EXC - return GreekLemmatizer(index=lemma_index, exceptions=lemma_exc, - rules=lemma_rules) + return GreekLemmatizer( + index=lemma_index, exceptions=lemma_exc, rules=lemma_rules + ) class Greek(Language): - lang = 'el' # ISO code + lang = "el" # ISO code Defaults = GreekDefaults # set Defaults to custom language defaults # set default export – this allows the language class to be lazy-loaded -__all__ = ['Greek'] +__all__ = ["Greek"] diff --git a/spacy/lang/el/examples.py b/spacy/lang/el/examples.py index 1aece0010..521e7b30d 100644 --- a/spacy/lang/el/examples.py +++ b/spacy/lang/el/examples.py @@ -9,20 +9,20 @@ Example sentences to test spaCy and its language models. """ sentences = [ - '''Η άνιση κατανομή του πλούτου και του εισοδήματος, η οποία έχει λάβει - τρομερές διαστάσεις, δεν δείχνει τάσεις βελτίωσης.''', - '''Ο στόχος της σύντομης αυτής έκθεσης είναι να συνοψίσει τα κυριότερα - συμπεράσματα των επισκοπήσεων κάθε μιας χώρας.''', - '''Μέχρι αργά χθες το βράδυ ο πλοιοκτήτης παρέμενε έξω από το γραφείο του + """Η άνιση κατανομή του πλούτου και του εισοδήματος, η οποία έχει λάβει + τρομερές διαστάσεις, δεν δείχνει τάσεις βελτίωσης.""", + """Ο στόχος της σύντομης αυτής έκθεσης είναι να συνοψίσει τα κυριότερα + συμπεράσματα των επισκοπήσεων κάθε μιας χώρας.""", + """Μέχρι αργά χθες το βράδυ ο πλοιοκτήτης παρέμενε έξω από το γραφείο του γενικού γραμματέα του υπουργείου, ενώ είχε μόνον τηλεφωνική επικοινωνία με - τον υπουργό.''', - '''Σύμφωνα με καλά ενημερωμένη πηγή, από την επεξεργασία του προέκυψε ότι + τον υπουργό.""", + """Σύμφωνα με καλά ενημερωμένη πηγή, από την επεξεργασία του προέκυψε ότι οι δράστες της επίθεσης ήταν δύο, καθώς και ότι προσέγγισαν και αποχώρησαν - από το σημείο με μοτοσικλέτα.''', + από το σημείο με μοτοσικλέτα.""", "Η υποδομή καταλυμάτων στην Ελλάδα είναι πλήρης και ανανεώνεται συνεχώς.", - '''Το επείγον ταχυδρομείο (ήτοι το παραδοτέο εντός 48 ωρών το πολύ) μπορεί + """Το επείγον ταχυδρομείο (ήτοι το παραδοτέο εντός 48 ωρών το πολύ) μπορεί να μεταφέρεται αεροπορικώς μόνον εφόσον εφαρμόζονται οι κανόνες - ασφαλείας''', - ''''Στις ορεινές περιοχές του νησιού οι χιονοπτώσεις και οι παγετοί είναι - περιορισμένοι ενώ στις παραθαλάσσιες περιοχές σημειώνονται σπανίως.''' + ασφαλείας""", + """'Στις ορεινές περιοχές του νησιού οι χιονοπτώσεις και οι παγετοί είναι + περιορισμένοι ενώ στις παραθαλάσσιες περιοχές σημειώνονται σπανίως.""", ] diff --git a/spacy/lang/el/lemmatizer/__init__.py b/spacy/lang/el/lemmatizer/__init__.py index dd7e09ed6..ce61fc688 100644 --- a/spacy/lang/el/lemmatizer/__init__.py +++ b/spacy/lang/el/lemmatizer/__init__.py @@ -12,10 +12,19 @@ from ._verbs import VERBS from ._lemma_rules import ADJECTIVE_RULES, NOUN_RULES, VERB_RULES, PUNCT_RULES -LEMMA_INDEX = {'adj': ADJECTIVES, 'adv': ADVERBS, 'noun': NOUNS, 'verb': VERBS} +LEMMA_INDEX = {"adj": ADJECTIVES, "adv": ADVERBS, "noun": NOUNS, "verb": VERBS} -LEMMA_RULES = {'adj': ADJECTIVE_RULES, 'noun': NOUN_RULES, 'verb': VERB_RULES, - 'punct': PUNCT_RULES} +LEMMA_RULES = { + "adj": ADJECTIVE_RULES, + "noun": NOUN_RULES, + "verb": VERB_RULES, + "punct": PUNCT_RULES, +} -LEMMA_EXC = {'adj': ADJECTIVES_IRREG, 'noun': NOUNS_IRREG, 'det': DETS_IRREG, 'verb': VERBS_IRREG} +LEMMA_EXC = { + "adj": ADJECTIVES_IRREG, + "noun": NOUNS_IRREG, + "det": DETS_IRREG, + "verb": VERBS_IRREG, +} diff --git a/spacy/lang/el/lemmatizer/_adjectives.py b/spacy/lang/el/lemmatizer/_adjectives.py index ac0000070..aa88327c5 100644 --- a/spacy/lang/el/lemmatizer/_adjectives.py +++ b/spacy/lang/el/lemmatizer/_adjectives.py @@ -1,6 +1,8 @@ # coding: utf8 from __future__ import unicode_literals -ADJECTIVES = set(""" + +ADJECTIVES = set( + """ n-διάστατος µεταφυτρωτικός άβαθος άβαλτος άβαρος άβατος άβαφος άβγαλτος άβιος άβλαπτος άβλεπτος άβολος άβουλος άβραστος άβρεχτος άβροχος άβυθος άγαμος άγγιχτος άγδαρτος άγδυτος άγευστος άγιος άγλυκος άγλωσσος άγναθος άγναντος @@ -2438,4 +2440,5 @@ ADJECTIVES = set(""" όμορφος όνειος όξινος όρθιος όσιος όφκαιρος όψια όψιμος ύπανδρος ύπατος ύπουλος ύπτιος ύστατος ύστερος ύψιστος ώριμος ώριος ἀγκυλωτός ἀκαταμέτρητος ἄπειρος ἄτροπος ἐλαφρός ἐνεστώς ἐνυπόστατος ἔναυλος ἥττων ἰσχυρός ἵστωρ -""".split()) +""".split() +) diff --git a/spacy/lang/el/lemmatizer/_adjectives_irreg.py b/spacy/lang/el/lemmatizer/_adjectives_irreg.py index e6659da57..6ce074345 100644 --- a/spacy/lang/el/lemmatizer/_adjectives_irreg.py +++ b/spacy/lang/el/lemmatizer/_adjectives_irreg.py @@ -32,5 +32,4 @@ ADJECTIVES_IRREG = { "πολύς": ("πολύ",), "πολλύ": ("πολύ",), "πολλύς": ("πολύ",), - } diff --git a/spacy/lang/el/lemmatizer/_adverbs.py b/spacy/lang/el/lemmatizer/_adverbs.py index b97e8fc14..2386f6c2d 100644 --- a/spacy/lang/el/lemmatizer/_adverbs.py +++ b/spacy/lang/el/lemmatizer/_adverbs.py @@ -1,6 +1,8 @@ # coding: utf8 from __future__ import unicode_literals -ADVERBS = set(""" + +ADVERBS = set( + """ άβλαβα άβολα άβουλα άγαν άγαρμπα άγγιχτα άγνωμα άγρια άγρυπνα άδηλα άδικα άδοξα άθελα άθλια άκαιρα άκακα άκαμπτα άκαρδα άκαρπα άκεφα άκομψα άκοπα άκοσμα άκρως άκυρα άλαλα άλιωτα άλλοθεν άλλοτε άλλως άλλωστε άλογα άλυπα άμεμπτα @@ -861,4 +863,5 @@ ADVERBS = set(""" ψυχραντικά ψωροπερήφανα ψόφια ψύχραιμα ωδικώς ωμά ωρίμως ωραία ωραιότατα ωριαία ωριαίως ως ωσαύτως ωσεί ωφέλιμα ωφελίμως ωφελιμιστικά ωχρά όθε όθεν όλο όμορφα όντως όξω όπισθεν όπου όπως όρθια όρτσα όσια όσο όχι όψιμα ύπερθεν -""".split()) +""".split() +) diff --git a/spacy/lang/el/lemmatizer/_dets.py b/spacy/lang/el/lemmatizer/_dets.py index d1415d57d..48c9d8166 100644 --- a/spacy/lang/el/lemmatizer/_dets.py +++ b/spacy/lang/el/lemmatizer/_dets.py @@ -1,5 +1,8 @@ # coding: utf8 from __future__ import unicode_literals -DETS = set(""" + +DETS = set( + """ ένας η ο το τη -""".split()) +""".split() +) diff --git a/spacy/lang/el/lemmatizer/_dets_irreg.py b/spacy/lang/el/lemmatizer/_dets_irreg.py index b6f53167a..8ec461556 100644 --- a/spacy/lang/el/lemmatizer/_dets_irreg.py +++ b/spacy/lang/el/lemmatizer/_dets_irreg.py @@ -8,5 +8,5 @@ DETS_IRREG = { "τους": ("το",), "τις": ("τη",), "τα": ("το",), - "οι": ("ο","η"), + "οι": ("ο", "η"), } diff --git a/spacy/lang/el/lemmatizer/_lemma_rules.py b/spacy/lang/el/lemmatizer/_lemma_rules.py index efd9d319f..fc39f5b03 100644 --- a/spacy/lang/el/lemmatizer/_lemma_rules.py +++ b/spacy/lang/el/lemmatizer/_lemma_rules.py @@ -140,17 +140,7 @@ VERB_RULES = [ ["ξουμε", "ζω"], ["ξετε", "ζω"], ["ξουν", "ζω"], - - - - - ] -PUNCT_RULES = [ - ["“", "\""], - ["”", "\""], - ["\u2018", "'"], - ["\u2019", "'"] -] +PUNCT_RULES = [["“", '"'], ["”", '"'], ["\u2018", "'"], ["\u2019", "'"]] diff --git a/spacy/lang/el/lemmatizer/_nouns.py b/spacy/lang/el/lemmatizer/_nouns.py index 45f3cf7b3..5f52366f7 100644 --- a/spacy/lang/el/lemmatizer/_nouns.py +++ b/spacy/lang/el/lemmatizer/_nouns.py @@ -1,6 +1,8 @@ # coding: utf8 from __future__ import unicode_literals -NOUNS = set(""" + +NOUNS = set( + """ -αλγία -βατώ -βατῶ -ούλα -πληξία -ώνυμο sofa table άβακας άβατο άβατον άβυσσος άγανο άγαρ άγγελμα άγγελος άγγιγμα άγγισμα άγγλος άγημα άγιασμα άγιο φως άγκλισμα άγκυρα άγμα άγνοια άγνωστος άγονο άγος άγουρος άγουσα άγρα άγρευμα @@ -6066,4 +6068,5 @@ NOUNS = set(""" ἐντευκτήριον ἐντόσθια ἐξοικείωσις ἐξοχή ἐξωκκλήσιον ἐπίσκεψις ἐπίσχεστρον ἐρωτίς ἑρμηνεία ἔκθλιψις ἔκτισις ἔκτρωμα ἔπαλξις ἱππάρχας ἱππάρχης ἴς ἵππαρχος ὑστερικός ὕστερον ὠάριον ὠοθήκη ὠοθηκῖτις ὠοθυλάκιον ὠορρηξία ὠοσκόπιον -""".split()) +""".split() +) diff --git a/spacy/lang/el/lemmatizer/_participles.py b/spacy/lang/el/lemmatizer/_participles.py index dae8b6745..af4daef18 100644 --- a/spacy/lang/el/lemmatizer/_participles.py +++ b/spacy/lang/el/lemmatizer/_participles.py @@ -1,6 +1,8 @@ # coding: utf8 from __future__ import unicode_literals -PARTICIPLES = set(""" + +PARTICIPLES = set( + """ έρποντας έχοντας αβανιάζοντας αβγατισμένος αγαπημένος αγαπώντας αγγίζοντας αγγιγμένος αγιασμένος αγιογραφώντας αγιοποιημένος αγιοποιώντας αγκαζαρισμένος αγκιστρωμένος αγκυλωμένος αγκυροβολημένος αγλακώντας αγνοημένος αγνοούμενος @@ -941,4 +943,5 @@ PARTICIPLES = set(""" ψιλούμενος ψοφολογώντας ψυχογραφώντας ψυχολογημένος ψυχομαχώντας ψυχομαχώντας ψυχορραγώντας ψυχρηλατώντας ψυχωμένος ψωμοζητώντας ψωμοζώντας ψωμωμένος ωθηθείς ωθώντας ωραιοποιημένος ωραιοποιώντας ωρυόμενος ωτοσκοπώντας όντας -""".split()) +""".split() +) diff --git a/spacy/lang/el/lemmatizer/_proper_names.py b/spacy/lang/el/lemmatizer/_proper_names.py index 6f75b59a1..37259701b 100644 --- a/spacy/lang/el/lemmatizer/_proper_names.py +++ b/spacy/lang/el/lemmatizer/_proper_names.py @@ -1,5 +1,8 @@ +# coding: utf8 from __future__ import unicode_literals -PROPER_NAMES = set(""" + +PROPER_NAMES = set( + """ άαχεν άβαρος άβδηρα άβελ άβιλα άβολα άγγελοι άγγελος άγιο πνεύμα άγιοι τόποι άγιον όρος άγιος αθανάσιος άγιος αναστάσιος άγιος αντώνιος άγιος αριστείδης άγιος βαρθολομαίος άγιος βασίλειος άγιος βασίλης @@ -641,4 +644,5 @@ PROPER_NAMES = set(""" ωρολόγιον ωρωπός ωσηέ όγκα όγκατα όγκι όθρυς όθων όιτα όλγα όλιβερ όλυμπος όμουρα όμπιδος όνειρος όνο όρεγκον όσακι όσατο όσκαρ όσλο όταμα ότσου όφενμπαχ όχιρα ύδρα ύδρος ύψιστος ώλενος ώρες ώρχους ώστιν ἀλεξανδρούπολις ἀμαλιούπολις -""".split()) +""".split() +) diff --git a/spacy/lang/el/lemmatizer/_verbs.py b/spacy/lang/el/lemmatizer/_verbs.py index ffeda2e43..9509233ea 100644 --- a/spacy/lang/el/lemmatizer/_verbs.py +++ b/spacy/lang/el/lemmatizer/_verbs.py @@ -1,6 +1,8 @@ # coding: utf8 from __future__ import unicode_literals -VERBS = set(""" + +VERBS = set( + """ 'γγίζω άγομαι άγχομαι άγω άδω άπτομαι άπωσον άρχομαι άρχω άφτω έγκειται έκιοσε έπομαι έρπω έρχομαι έστω έχω ήγγικεν ήθελε ίπταμαι ίσταμαι αίρομαι αίρω αβαντάρω αβαντζάρω αβαντσάρω αβαράρω αβασκαίνω αβγατίζω αβγαταίνω αβγοκόβω @@ -1186,4 +1188,5 @@ VERBS = set(""" ωρύομαι ωτακουστώ ωτοσκοπώ ωφελούμαι ωφελώ ωχραίνω ωχριώ όζω όψομαι ἀδικῶ ἀκροῶμαι ἀλέθω ἀμελῶ ἀναπτερυγιάζω ἀναπτερώνω ἀναπτερώνω ἀνασαίνω ἀναταράσσω ἀναφτερουγίζω ἀναφτερουγιάζω ἀναφτερώνω ἀναχωρίζω ἀντιμετρῶ ἀράζω ἀφοδεύω -""".split()) +""".split() +) diff --git a/spacy/lang/el/lemmatizer/_verbs_irreg.py b/spacy/lang/el/lemmatizer/_verbs_irreg.py index 93208dd88..4dbd90feb 100644 --- a/spacy/lang/el/lemmatizer/_verbs_irreg.py +++ b/spacy/lang/el/lemmatizer/_verbs_irreg.py @@ -1,200 +1,198 @@ # coding: utf8 from __future__ import unicode_literals - VERBS_IRREG = { - "είσαι": ("είμαι",), - "είναι": ("είμαι",), - "είμαστε": ("είμαι",), - "είστε": ("είμαι",), - "είσαστε": ("είμαι",), - "ήμουν": ("είμαι",), - "ήσουν": ("είμαι",), - "ήταν": ("είμαι",), - "ήμαστε": ("είμαι",), - "ήμασταν": ("είμαι",), - "ήταν": ("είμαι",), - "είπα": ("λέω",), - "είπες": ("λέω",), - "είπε": ("λέω",), - "είπαμε": ("λέω",), - "είπατε": ("λέω",), - "είπαν": ("λέω",), - "είπανε": ("λέω",), - "πει": ("λέω"), - "πω": ("λέω"), - "πάω": ("πηγαίνω",), - "πάς": ("πηγαίνω",), - "πας": ("πηγαίνω",), - "πάει": ("πηγαίνω",), - "πάμε": ("πηγαίνω",), - "πάτε": ("πηγαίνω",), - "πάνε": ("πηγαίνω",), - "πήγα": ("πηγαίνω",), - "πήγες": ("πηγαίνω",), - "πήγε": ("πηγαίνω",), - "πήγαμε": ("πηγαίνω",), - "πήγατε": ("πηγαίνω",), - "πήγαν": ("πηγαίνω",), - "πήγανε": ("πηγαίνω",), - "έπαιζα": ("παίζω",), - "έπαιζες": ("παίζω",), - "έπαιζε": ("παίζω",), - "έπαιζαν": ("παίζω,",), - "έπαιξα": ("παίζω",), - "έπαιξες": ("παίζω",), - "έπαιξε": ("παίζω",), - "έτρωγα": ("τρώω",), - "έτρωγες": ("τρώω",), - "έτρωγε": ("τρώω",), - "έτρωγαν": ("τρώω",), - "είχα": ("έχω",), - "είχες": ("έχω",), - "είχε": ("έχω",), - "είχαμε": ("έχω",), - "είχατε": ("έχω",), - "είχαν": ("έχω",), - "είχανε": ("έχω",), - "έπαιρνα": ("παίρνω",), - "έπαιρνες": ("παίρνω",), - "έπαιρνε": ("παίρνω",), - "έπαιρναν": ("παίρνω",), - "εδίνα": ("δίνω",), - "εδίνες": ("δίνω",), - "εδίνε": ("δίνω",), - "εδίναν": ("δίνω",), - "έκανα": ("κάνω",), - "έκανες": ("κάνω",), - "έκανε": ("κάνω",), - "έκαναν": ("κάνω",), - "ήθελα": ("θέλω",), - "ήθελες": ("θέλω",), - "ήθελε": ("θέλω",), - "ήθελαν": ("θέλω",), - "έβλεπα": ("βλέπω",), - "έβλεπες": ("βλέπω",), - "έβλεπε": ("βλέπω",), - "έβλεπαν": ("βλέπω",), - "είδα": ("βλέπω",), - "είδες": ("βλέπω",), - "είδε": ("βλέπω",), - "είδαμε": ("βλέπω",), - "είδατε": ("βλέπω",), - "είδαν": ("βλέπω",), - "έφερνα": ("φέρνω",), - "έφερνες": ("φέρνω",), - "έφερνε": ("φέρνω",), - "έφερναν": ("φέρνω",), - "έφερα": ("φέρω",), - "έφερες": ("φέρω",), - "έφερε": ("φέρω",), - "έφεραν": ("φέρω",), - "έλαβα": ("λαμβάνω",), - "έλαβες": ("λαμβάνω",), - "έλαβε": ("λαμβάνω",), - "έλαβαν": ("λαμβάνω",), - "έβρισκα": ("βρίσκω",), - "έβρισκες": ("βρίσκω",), - "έβρισκε": ("βρίσκω",), - "έβρισκαν": ("βρίσκω",), - "ήξερα": ("ξέρω",), - "ήξερες": ("ξέρω",), - "ήξερε": ("ξέρω",), - "ήξεραν": ("ξέρω",), - "ανέφερα": ("αναφέρω",), - "ανέφερες": ("αναφέρω",), - "ανέφερε": ("αναφέρω",), - "ανέφεραν": ("αναφέρω",), - "έβαζα": ("βάζω",), - "έβαζες": ("βάζω",), - "έβαζε": ("βάζω",), - "έβαζαν": ("βάζω",), - "έμεινα": ("μένω",), - "έμεινες": ("μένω",), - "έμεινε": ("μένω",), - "έμειναν": ("μένω",), - "έβγαζα": ("βγάζω",), - "έβγαζες": ("βγάζω",), - "έβγαζε": ("βγάζω",), - "έβγαζαν": ("βγάζω",), - "έμπαινα": ("μπαίνω",), - "έμπαινες": ("μπαίνω",), - "έμπαινε": ("μπαίνω",), - "έμπαιναν": ("μπαίνω",), - "βγήκα": ("βγαίνω",), - "βγήκες": ("βγαίνω",), - "βγήκε": ("βγαίνω",), - "βγήκαμε": ("βγαίνω",), - "βγήκατε": ("βγαίνω",), - "βγήκαν": ("βγαίνω",), - "έπεφτα": ("πέφτω",), - "έπεφτες": ("πέφτω",), - "έπεφτε": ("πέφτω",), - "έπεφταν": ("πέφτω",), - "έπεσα": ("πέφτω",), - "έπεσες": ("πέφτω",), - "έπεσε": ("πέφτω",), - "έπεσαν": ("πέφτω",), - "έστειλα": ("στέλνω",), - "έστειλες": ("στέλνω",), - "έστειλε": ("στέλνω",), - "έστειλαν": ("στέλνω",), - "έφυγα": ("φεύγω",), - "έφυγες": ("φεύγω",), - "έφυγες": ("φεύγω",), - "έφυγαν": ("φεύγω",), - "έμαθα": ("μαθαίνω",), - "έμαθες": ("μαθαίνω",), - "έμαθε": ("μαθαίνω",), - "έμαθαν": ("μαθαίνω",), - "υπέβαλλα": ("υποβάλλω",), - "υπέβαλλες": ("υποβάλλω",), - "υπέβαλλε": ("υποβάλλω",), - "υπέβαλλαν": ("υποβάλλω",), - "έπινα": ("πίνω",), - "έπινες": ("πίνω",), - "έπινε": ("πίνω",), - "έπιναν": ("πίνω",), - "ήπια": ("πίνω",), - "ήπιες": ("πίνω",), - "ήπιε": ("πίνω",), - "ήπιαμε": ("πίνω",), - "ήπιατε": ("πίνω",), - "ήπιαν": ("πίνω",), - "ετύχα": ("τυχαίνω",), - "ετύχες": ("τυχαίνω",), - "ετύχε": ("τυχαίνω",), - "ετύχαν": ("τυχαίνω",), - "φάω": ("τρώω",), - "φάς": ("τρώω",), - "φάει": ("τρώω",), - "φάμε": ("τρώω",), - "φάτε": ("τρώω",), - "φάνε": ("τρώω",), - "φάν": ("τρώω",), - "έτρωγα": ("τρώω",), - "έτρωγες": ("τρώω",), - "τρώγαμε": ("τρώω",), - "τρώγατε": ("τρώω",), - "τρώγανε": ("τρώω",), - "τρώγαν": ("τρώω",), - "πέρασα": ("περνώ",), - "πέρασες": ("περνώ",), - "πέρασε": ("περνώ",), - "πέρασαμε": ("περνώ",), - "πέρασατε": ("περνώ",), - "πέρασαν": ("περνώ",), - "έγδαρα": ("γδάρω",), - "έγδαρες": ("γδάρω",), - "έγδαρε": ("γδάρω",), - "έγδαραν": ("γδάρω",), - "έβγαλα": ("βγάλω",), - "έβγαλες": ("βγάλω",), - "έβγαλε": ("βγάλω",), - "έβγαλαν": ("βγάλω",), - "έφθασα": ("φτάνω",), - "έφθασες": ("φτάνω",), - "έφθασε": ("φτάνω",), - "έφθασαν": ("φτάνω",), - + "είσαι": ("είμαι",), + "είναι": ("είμαι",), + "είμαστε": ("είμαι",), + "είστε": ("είμαι",), + "είσαστε": ("είμαι",), + "ήμουν": ("είμαι",), + "ήσουν": ("είμαι",), + "ήταν": ("είμαι",), + "ήμαστε": ("είμαι",), + "ήμασταν": ("είμαι",), + "ήταν": ("είμαι",), + "είπα": ("λέω",), + "είπες": ("λέω",), + "είπε": ("λέω",), + "είπαμε": ("λέω",), + "είπατε": ("λέω",), + "είπαν": ("λέω",), + "είπανε": ("λέω",), + "πει": ("λέω"), + "πω": ("λέω"), + "πάω": ("πηγαίνω",), + "πάς": ("πηγαίνω",), + "πας": ("πηγαίνω",), + "πάει": ("πηγαίνω",), + "πάμε": ("πηγαίνω",), + "πάτε": ("πηγαίνω",), + "πάνε": ("πηγαίνω",), + "πήγα": ("πηγαίνω",), + "πήγες": ("πηγαίνω",), + "πήγε": ("πηγαίνω",), + "πήγαμε": ("πηγαίνω",), + "πήγατε": ("πηγαίνω",), + "πήγαν": ("πηγαίνω",), + "πήγανε": ("πηγαίνω",), + "έπαιζα": ("παίζω",), + "έπαιζες": ("παίζω",), + "έπαιζε": ("παίζω",), + "έπαιζαν": ("παίζω,",), + "έπαιξα": ("παίζω",), + "έπαιξες": ("παίζω",), + "έπαιξε": ("παίζω",), + "έτρωγα": ("τρώω",), + "έτρωγες": ("τρώω",), + "έτρωγε": ("τρώω",), + "έτρωγαν": ("τρώω",), + "είχα": ("έχω",), + "είχες": ("έχω",), + "είχε": ("έχω",), + "είχαμε": ("έχω",), + "είχατε": ("έχω",), + "είχαν": ("έχω",), + "είχανε": ("έχω",), + "έπαιρνα": ("παίρνω",), + "έπαιρνες": ("παίρνω",), + "έπαιρνε": ("παίρνω",), + "έπαιρναν": ("παίρνω",), + "εδίνα": ("δίνω",), + "εδίνες": ("δίνω",), + "εδίνε": ("δίνω",), + "εδίναν": ("δίνω",), + "έκανα": ("κάνω",), + "έκανες": ("κάνω",), + "έκανε": ("κάνω",), + "έκαναν": ("κάνω",), + "ήθελα": ("θέλω",), + "ήθελες": ("θέλω",), + "ήθελε": ("θέλω",), + "ήθελαν": ("θέλω",), + "έβλεπα": ("βλέπω",), + "έβλεπες": ("βλέπω",), + "έβλεπε": ("βλέπω",), + "έβλεπαν": ("βλέπω",), + "είδα": ("βλέπω",), + "είδες": ("βλέπω",), + "είδε": ("βλέπω",), + "είδαμε": ("βλέπω",), + "είδατε": ("βλέπω",), + "είδαν": ("βλέπω",), + "έφερνα": ("φέρνω",), + "έφερνες": ("φέρνω",), + "έφερνε": ("φέρνω",), + "έφερναν": ("φέρνω",), + "έφερα": ("φέρω",), + "έφερες": ("φέρω",), + "έφερε": ("φέρω",), + "έφεραν": ("φέρω",), + "έλαβα": ("λαμβάνω",), + "έλαβες": ("λαμβάνω",), + "έλαβε": ("λαμβάνω",), + "έλαβαν": ("λαμβάνω",), + "έβρισκα": ("βρίσκω",), + "έβρισκες": ("βρίσκω",), + "έβρισκε": ("βρίσκω",), + "έβρισκαν": ("βρίσκω",), + "ήξερα": ("ξέρω",), + "ήξερες": ("ξέρω",), + "ήξερε": ("ξέρω",), + "ήξεραν": ("ξέρω",), + "ανέφερα": ("αναφέρω",), + "ανέφερες": ("αναφέρω",), + "ανέφερε": ("αναφέρω",), + "ανέφεραν": ("αναφέρω",), + "έβαζα": ("βάζω",), + "έβαζες": ("βάζω",), + "έβαζε": ("βάζω",), + "έβαζαν": ("βάζω",), + "έμεινα": ("μένω",), + "έμεινες": ("μένω",), + "έμεινε": ("μένω",), + "έμειναν": ("μένω",), + "έβγαζα": ("βγάζω",), + "έβγαζες": ("βγάζω",), + "έβγαζε": ("βγάζω",), + "έβγαζαν": ("βγάζω",), + "έμπαινα": ("μπαίνω",), + "έμπαινες": ("μπαίνω",), + "έμπαινε": ("μπαίνω",), + "έμπαιναν": ("μπαίνω",), + "βγήκα": ("βγαίνω",), + "βγήκες": ("βγαίνω",), + "βγήκε": ("βγαίνω",), + "βγήκαμε": ("βγαίνω",), + "βγήκατε": ("βγαίνω",), + "βγήκαν": ("βγαίνω",), + "έπεφτα": ("πέφτω",), + "έπεφτες": ("πέφτω",), + "έπεφτε": ("πέφτω",), + "έπεφταν": ("πέφτω",), + "έπεσα": ("πέφτω",), + "έπεσες": ("πέφτω",), + "έπεσε": ("πέφτω",), + "έπεσαν": ("πέφτω",), + "έστειλα": ("στέλνω",), + "έστειλες": ("στέλνω",), + "έστειλε": ("στέλνω",), + "έστειλαν": ("στέλνω",), + "έφυγα": ("φεύγω",), + "έφυγες": ("φεύγω",), + "έφυγες": ("φεύγω",), + "έφυγαν": ("φεύγω",), + "έμαθα": ("μαθαίνω",), + "έμαθες": ("μαθαίνω",), + "έμαθε": ("μαθαίνω",), + "έμαθαν": ("μαθαίνω",), + "υπέβαλλα": ("υποβάλλω",), + "υπέβαλλες": ("υποβάλλω",), + "υπέβαλλε": ("υποβάλλω",), + "υπέβαλλαν": ("υποβάλλω",), + "έπινα": ("πίνω",), + "έπινες": ("πίνω",), + "έπινε": ("πίνω",), + "έπιναν": ("πίνω",), + "ήπια": ("πίνω",), + "ήπιες": ("πίνω",), + "ήπιε": ("πίνω",), + "ήπιαμε": ("πίνω",), + "ήπιατε": ("πίνω",), + "ήπιαν": ("πίνω",), + "ετύχα": ("τυχαίνω",), + "ετύχες": ("τυχαίνω",), + "ετύχε": ("τυχαίνω",), + "ετύχαν": ("τυχαίνω",), + "φάω": ("τρώω",), + "φάς": ("τρώω",), + "φάει": ("τρώω",), + "φάμε": ("τρώω",), + "φάτε": ("τρώω",), + "φάνε": ("τρώω",), + "φάν": ("τρώω",), + "έτρωγα": ("τρώω",), + "έτρωγες": ("τρώω",), + "τρώγαμε": ("τρώω",), + "τρώγατε": ("τρώω",), + "τρώγανε": ("τρώω",), + "τρώγαν": ("τρώω",), + "πέρασα": ("περνώ",), + "πέρασες": ("περνώ",), + "πέρασε": ("περνώ",), + "πέρασαμε": ("περνώ",), + "πέρασατε": ("περνώ",), + "πέρασαν": ("περνώ",), + "έγδαρα": ("γδάρω",), + "έγδαρες": ("γδάρω",), + "έγδαρε": ("γδάρω",), + "έγδαραν": ("γδάρω",), + "έβγαλα": ("βγάλω",), + "έβγαλες": ("βγάλω",), + "έβγαλε": ("βγάλω",), + "έβγαλαν": ("βγάλω",), + "έφθασα": ("φτάνω",), + "έφθασες": ("φτάνω",), + "έφθασε": ("φτάνω",), + "έφθασαν": ("φτάνω",), } diff --git a/spacy/lang/el/lemmatizer/get_pos_from_wiktionary.py b/spacy/lang/el/lemmatizer/get_pos_from_wiktionary.py index 112868935..bcb9280b5 100644 --- a/spacy/lang/el/lemmatizer/get_pos_from_wiktionary.py +++ b/spacy/lang/el/lemmatizer/get_pos_from_wiktionary.py @@ -1,34 +1,45 @@ # coding: utf8 +from __future__ import unicode_literals + import re -import pickle from gensim.corpora.wikicorpus import extract_pages -regex = re.compile(r'==={{(\w+)\|el}}===') -regex2 = re.compile(r'==={{(\w+ \w+)\|el}}===') + +regex = re.compile(r"==={{(\w+)\|el}}===") +regex2 = re.compile(r"==={{(\w+ \w+)\|el}}===") # get words based on the Wiktionary dump # check only for specific parts # ==={{κύριο όνομα|el}}=== -expected_parts = ['μετοχή', 'ρήμα', 'επίθετο', - 'επίρρημα', 'ουσιαστικό', 'κύριο όνομα', 'άρθρο'] +expected_parts = [ + "μετοχή", + "ρήμα", + "επίθετο", + "επίρρημα", + "ουσιαστικό", + "κύριο όνομα", + "άρθρο", +] -unwanted_parts = ''' +unwanted_parts = """ {'αναγραμματισμοί': 2, 'σύνδεσμος': 94, 'απαρέμφατο': 1, 'μορφή άρθρου': 1, 'ένθημα': 1, 'μερική συνωνυμία': 57, 'ορισμός': 1, 'σημείωση': 3, 'πρόσφυμα': 3, 'ταυτόσημα': 8, 'χαρακτήρας': 51, 'μορφή επιρρήματος': 1, 'εκφράσεις': 22, 'ρηματικό σχήμα': 3, 'πολυλεκτικό επίρρημα': 2, 'μόριο': 35, 'προφορά': 412, 'ρηματική έκφραση': 15, 'λογοπαίγνια': 2, 'πρόθεση': 46, 'ρηματικό επίθετο': 1, 'κατάληξη επιρρημάτων': 10, 'συναφείς όροι': 1, 'εξωτερικοί σύνδεσμοι': 1, 'αρσενικό γένος': 1, 'πρόθημα': 169, 'κατάληξη': 3, 'υπώνυμα': 7, 'επιφώνημα': 197, 'ρηματικός τύπος': 1, 'συντομομορφή': 560, 'μορφή ρήματος': 68282, 'μορφή επιθέτου': 61779, 'μορφές': 71, 'ιδιωματισμός': 2, 'πολυλεκτικός όρος': 719, 'πολυλεκτικό ουσιαστικό': 180, 'παράγωγα': 25, 'μορφή μετοχής': 806, 'μορφή αριθμητικού': 3, 'άκλιτο': 1, 'επίθημα': 181, 'αριθμητικό': 129, 'συγγενικά': 94, 'σημειώσεις': 45, 'Ιδιωματισμός': 1, 'ρητά': 12, 'φράση': 9, 'συνώνυμα': 556, 'μεταφράσεις': 1, 'κατάληξη ρημάτων': 15, 'σύνθετα': 27, 'υπερώνυμα': 1, 'εναλλακτικός τύπος': 22, 'μορφή ουσιαστικού': 35122, 'επιρρηματική έκφραση': 12, 'αντώνυμα': 76, 'βλέπε': 7, 'μορφή αντωνυμίας': 51, 'αντωνυμία': 100, 'κλίση': 11, 'σύνθετοι τύποι': 1, 'παροιμία': 5, 'μορφή_επιθέτου': 2, 'έκφραση': 738, 'σύμβολο': 8, 'πολυλεκτικό επίθετο': 1, 'ετυμολογία': 867} -''' +""" -wiktionary_file_path = '/data/gsoc2018-spacy/spacy/lang/el/res/elwiktionary-latest-pages-articles.xml' +wiktionary_file_path = ( + "/data/gsoc2018-spacy/spacy/lang/el/res/elwiktionary-latest-pages-articles.xml" +) -proper_names_dict={ - 'ουσιαστικό':'nouns', - 'επίθετο':'adjectives', - 'άρθρο':'dets', - 'επίρρημα':'adverbs', - 'κύριο όνομα': 'proper_names', - 'μετοχή': 'participles', - 'ρήμα': 'verbs' +proper_names_dict = { + "ουσιαστικό": "nouns", + "επίθετο": "adjectives", + "άρθρο": "dets", + "επίρρημα": "adverbs", + "κύριο όνομα": "proper_names", + "μετοχή": "participles", + "ρήμα": "verbs", } expected_parts_dict = {} for expected_part in expected_parts: @@ -36,7 +47,7 @@ for expected_part in expected_parts: other_parts = {} for title, text, pageid in extract_pages(wiktionary_file_path): - if text.startswith('#REDIRECT'): + if text.startswith("#REDIRECT"): continue title = title.lower() all_regex = regex.findall(text) @@ -47,20 +58,17 @@ for title, text, pageid in extract_pages(wiktionary_file_path): for i in expected_parts_dict: - with open('_{0}.py'.format(proper_names_dict[i]), 'w') as f: - f.write('from __future__ import unicode_literals\n') - f.write('{} = set(\"\"\"\n'.format(proper_names_dict[i].upper())) + with open("_{0}.py".format(proper_names_dict[i]), "w") as f: + f.write("from __future__ import unicode_literals\n") + f.write('{} = set("""\n'.format(proper_names_dict[i].upper())) words = sorted(expected_parts_dict[i]) - line = '' + line = "" to_write = [] - for word in words: - if len(line + ' ' + word) > 79: + for word in words: + if len(line + " " + word) > 79: to_write.append(line) - line = '' + line = "" else: - line = line + ' ' + word - f.write('\n'.join(to_write)) - f.write('\n\"\"\".split())') - - - + line = line + " " + word + f.write("\n".join(to_write)) + f.write('\n""".split())') diff --git a/spacy/lang/el/lemmatizer/lemmatizer.py b/spacy/lang/el/lemmatizer/lemmatizer.py index 3d9ec1105..ba1bfaaa8 100644 --- a/spacy/lang/el/lemmatizer/lemmatizer.py +++ b/spacy/lang/el/lemmatizer/lemmatizer.py @@ -3,18 +3,18 @@ from __future__ import unicode_literals from ....symbols import NOUN, VERB, ADJ, PUNCT -''' -Greek language lemmatizer applies the default rule based lemmatization -procedure with some modifications for better Greek language support. - -The first modification is that it checks if the word for lemmatization is -already a lemma and if yes, it just returns it. -The second modification is about removing the base forms function which is -not applicable for Greek language. -''' - class GreekLemmatizer(object): + """ + Greek language lemmatizer applies the default rule based lemmatization + procedure with some modifications for better Greek language support. + + The first modification is that it checks if the word for lemmatization is + already a lemma and if yes, it just returns it. + The second modification is about removing the base forms function which is + not applicable for Greek language. + """ + @classmethod def load(cls, path, index=None, exc=None, rules=None, lookup=None): return cls(index, exc, rules, lookup) @@ -28,26 +28,29 @@ class GreekLemmatizer(object): def __call__(self, string, univ_pos, morphology=None): if not self.rules: return [self.lookup_table.get(string, string)] - if univ_pos in (NOUN, 'NOUN', 'noun'): - univ_pos = 'noun' - elif univ_pos in (VERB, 'VERB', 'verb'): - univ_pos = 'verb' - elif univ_pos in (ADJ, 'ADJ', 'adj'): - univ_pos = 'adj' - elif univ_pos in (PUNCT, 'PUNCT', 'punct'): - univ_pos = 'punct' + if univ_pos in (NOUN, "NOUN", "noun"): + univ_pos = "noun" + elif univ_pos in (VERB, "VERB", "verb"): + univ_pos = "verb" + elif univ_pos in (ADJ, "ADJ", "adj"): + univ_pos = "adj" + elif univ_pos in (PUNCT, "PUNCT", "punct"): + univ_pos = "punct" else: return list(set([string.lower()])) - lemmas = lemmatize(string, self.index.get(univ_pos, {}), - self.exc.get(univ_pos, {}), - self.rules.get(univ_pos, [])) + lemmas = lemmatize( + string, + self.index.get(univ_pos, {}), + self.exc.get(univ_pos, {}), + self.rules.get(univ_pos, []), + ) return lemmas def lemmatize(string, index, exceptions, rules): string = string.lower() forms = [] - if (string in index): + if string in index: forms.append(string) return forms forms.extend(exceptions.get(string, [])) @@ -55,7 +58,7 @@ def lemmatize(string, index, exceptions, rules): if not forms: for old, new in rules: if string.endswith(old): - form = string[:len(string) - len(old)] + new + form = string[: len(string) - len(old)] + new if not form: pass elif form in index or not form.isalpha(): diff --git a/spacy/lang/el/lex_attrs.py b/spacy/lang/el/lex_attrs.py index 487fcfec2..cf32fe12c 100644 --- a/spacy/lang/el/lex_attrs.py +++ b/spacy/lang/el/lex_attrs.py @@ -4,43 +4,100 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = ['μηδέν', 'ένας', 'δυο', 'δυό', 'τρεις', 'τέσσερις', 'πέντε', - 'έξι', 'εφτά', 'επτά', 'οκτώ', 'οχτώ', - 'εννιά', 'εννέα', 'δέκα', 'έντεκα', 'ένδεκα', 'δώδεκα', - 'δεκατρείς', 'δεκατέσσερις', 'δεκαπέντε', 'δεκαέξι', 'δεκαεπτά', - 'δεκαοχτώ', 'δεκαεννέα', 'δεκαεννεα', 'είκοσι', 'τριάντα', - 'σαράντα', 'πενήντα', 'εξήντα', 'εβδομήντα', 'ογδόντα', - 'ενενήντα', 'εκατό', 'διακόσιοι', 'διακόσοι', 'τριακόσιοι', - 'τριακόσοι', 'τετρακόσιοι', 'τετρακόσοι', 'πεντακόσιοι', - 'πεντακόσοι', 'εξακόσιοι', 'εξακόσοι', 'εφτακόσιοι', 'εφτακόσοι', - 'επτακόσιοι', 'επτακόσοι', 'οχτακόσιοι', 'οχτακόσοι', - 'οκτακόσιοι', 'οκτακόσοι', 'εννιακόσιοι', 'χίλιοι', 'χιλιάδα', - 'εκατομμύριο', 'δισεκατομμύριο', 'τρισεκατομμύριο', 'τετράκις', - 'πεντάκις', 'εξάκις', 'επτάκις', 'οκτάκις', 'εννεάκις', 'ένα', - 'δύο', 'τρία', 'τέσσερα', 'δις', 'χιλιάδες'] +_num_words = [ + "μηδέν", + "ένας", + "δυο", + "δυό", + "τρεις", + "τέσσερις", + "πέντε", + "έξι", + "εφτά", + "επτά", + "οκτώ", + "οχτώ", + "εννιά", + "εννέα", + "δέκα", + "έντεκα", + "ένδεκα", + "δώδεκα", + "δεκατρείς", + "δεκατέσσερις", + "δεκαπέντε", + "δεκαέξι", + "δεκαεπτά", + "δεκαοχτώ", + "δεκαεννέα", + "δεκαεννεα", + "είκοσι", + "τριάντα", + "σαράντα", + "πενήντα", + "εξήντα", + "εβδομήντα", + "ογδόντα", + "ενενήντα", + "εκατό", + "διακόσιοι", + "διακόσοι", + "τριακόσιοι", + "τριακόσοι", + "τετρακόσιοι", + "τετρακόσοι", + "πεντακόσιοι", + "πεντακόσοι", + "εξακόσιοι", + "εξακόσοι", + "εφτακόσιοι", + "εφτακόσοι", + "επτακόσιοι", + "επτακόσοι", + "οχτακόσιοι", + "οχτακόσοι", + "οκτακόσιοι", + "οκτακόσοι", + "εννιακόσιοι", + "χίλιοι", + "χιλιάδα", + "εκατομμύριο", + "δισεκατομμύριο", + "τρισεκατομμύριο", + "τετράκις", + "πεντάκις", + "εξάκις", + "επτάκις", + "οκτάκις", + "εννεάκις", + "ένα", + "δύο", + "τρία", + "τέσσερα", + "δις", + "χιλιάδες", +] def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True - if text.count('^') == 1: - num, denom = text.split('^') + if text.count("^") == 1: + num, denom = text.split("^") if num.isdigit() and denom.isdigit(): return True - if text.lower() in _num_words or text.lower().split(' ')[0] in _num_words: + if text.lower() in _num_words or text.lower().split(" ")[0] in _num_words: return True if text in _num_words: return True return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/el/norm_exceptions.py b/spacy/lang/el/norm_exceptions.py index 067f935c4..d4384ff3c 100644 --- a/spacy/lang/el/norm_exceptions.py +++ b/spacy/lang/el/norm_exceptions.py @@ -3,8 +3,6 @@ from __future__ import unicode_literals # These exceptions are used to add NORM values based on a token's ORTH value. - - # Norms are only set if no alternative is provided in the tokenizer exceptions. _exc = { diff --git a/spacy/lang/el/punctuation.py b/spacy/lang/el/punctuation.py index 9878680e7..97388998b 100644 --- a/spacy/lang/el/punctuation.py +++ b/spacy/lang/el/punctuation.py @@ -6,66 +6,91 @@ from ..char_classes import LIST_PUNCT, LIST_ELLIPSES, LIST_QUOTES, LIST_CURRENCY from ..char_classes import LIST_ICONS, ALPHA_LOWER, ALPHA_UPPER, ALPHA, HYPHENS from ..char_classes import QUOTES, CURRENCY -_units = ('km km² km³ m m² m³ dm dm² dm³ cm cm² cm³ mm mm² mm³ ha µm nm yd in ft ' - 'kg g mg µg t lb oz m/s km/h kmh mph hPa Pa mbar mb MB kb KB gb GB tb ' - 'TB T G M K км км² км³ м м² м³ дм дм² дм³ см см² см³ мм мм² мм³ нм ' - 'кг г мг м/с км/ч кПа Па мбар Кб КБ кб Мб МБ мб Гб ГБ гб Тб ТБ тб') +_units = ( + "km km² km³ m m² m³ dm dm² dm³ cm cm² cm³ mm mm² mm³ ha µm nm yd in ft " + "kg g mg µg t lb oz m/s km/h kmh mph hPa Pa mbar mb MB kb KB gb GB tb " + "TB T G M K км км² км³ м м² м³ дм дм² дм³ см см² см³ мм мм² мм³ нм " + "кг г мг м/с км/ч кПа Па мбар Кб КБ кб Мб МБ мб Гб ГБ гб Тб ТБ тб" +) -def merge_chars(char): return char.strip().replace(' ', '|') +def merge_chars(char): + return char.strip().replace(" ", "|") UNITS = merge_chars(_units) -_prefixes = (['\'\'', '§', '%', '=', r'\+[0-9]+%', # 90% - r'\'([0-9]){2}([\-]\'([0-9]){2})*', # '12'-13 - r'\-([0-9]){1,9}\.([0-9]){1,9}', # -12.13 - r'\'([Α-Ωα-ωίϊΐόάέύϋΰήώ]+)\'', # 'αβγ' - r'([Α-Ωα-ωίϊΐόάέύϋΰήώ]){1,3}\'', # αβγ' - r'http://www.[A-Za-z]+\-[A-Za-z]+(\.[A-Za-z]+)+(\/[A-Za-z]+)*(\.[A-Za-z]+)*', - r'[ΈΆΊΑ-Ωα-ωίϊΐόάέύϋΰήώ]+\*', # όνομα* - r'\$([0-9])+([\,\.]([0-9])+){0,1}', - ] + LIST_PUNCT + LIST_ELLIPSES + LIST_QUOTES + - LIST_CURRENCY + LIST_ICONS) +_prefixes = ( + [ + "''", + "§", + "%", + "=", + r"\+[0-9]+%", # 90% + r"\'([0-9]){2}([\-]\'([0-9]){2})*", # '12'-13 + r"\-([0-9]){1,9}\.([0-9]){1,9}", # -12.13 + r"\'([Α-Ωα-ωίϊΐόάέύϋΰήώ]+)\'", # 'αβγ' + r"([Α-Ωα-ωίϊΐόάέύϋΰήώ]){1,3}\'", # αβγ' + r"http://www.[A-Za-z]+\-[A-Za-z]+(\.[A-Za-z]+)+(\/[A-Za-z]+)*(\.[A-Za-z]+)*", + r"[ΈΆΊΑ-Ωα-ωίϊΐόάέύϋΰήώ]+\*", # όνομα* + r"\$([0-9])+([\,\.]([0-9])+){0,1}", + ] + + LIST_PUNCT + + LIST_ELLIPSES + + LIST_QUOTES + + LIST_CURRENCY + + LIST_ICONS +) -_suffixes = (LIST_PUNCT + LIST_ELLIPSES + LIST_QUOTES + LIST_ICONS + - [r'(?<=[0-9])\+', # 12+ - r'([0-9])+\'', # 12' - r'([A-Za-z])?\'', # a' - r'^([0-9]){1,2}\.', # 12. - r' ([0-9]){1,2}\.', # 12. - r'([0-9]){1}\) ', # 12) - r'^([0-9]){1}\)$', # 12) - r'(?<=°[FfCcKk])\.', - r'([0-9])+\&', # 12& - r'(?<=[0-9])(?:{})'.format(CURRENCY), - r'(?<=[0-9])(?:{})'.format(UNITS), - r'(?<=[0-9{}{}(?:{})])\.'.format(ALPHA_LOWER, r'²\-\)\]\+', QUOTES), - r'(?<=[{a}][{a}])\.'.format(a=ALPHA_UPPER), - r'(?<=[Α-Ωα-ωίϊΐόάέύϋΰήώ])\-', # όνομα- - r'(?<=[Α-Ωα-ωίϊΐόάέύϋΰήώ])\.', - r'^[Α-Ω]{1}\.', - r'\ [Α-Ω]{1}\.', - # πρώτος-δεύτερος , πρώτος-δεύτερος-τρίτος - r'[ΈΆΊΑΌ-Ωα-ωίϊΐόάέύϋΰήώ]+([\-]([ΈΆΊΑΌ-Ωα-ωίϊΐόάέύϋΰήώ]+))+', - r'([0-9]+)mg', # 13mg - r'([0-9]+)\.([0-9]+)m' # 1.2m - ]) +_suffixes = ( + LIST_PUNCT + + LIST_ELLIPSES + + LIST_QUOTES + + LIST_ICONS + + [ + r"(?<=[0-9])\+", # 12+ + r"([0-9])+\'", # 12' + r"([A-Za-z])?\'", # a' + r"^([0-9]){1,2}\.", # 12. + r" ([0-9]){1,2}\.", # 12. + r"([0-9]){1}\) ", # 12) + r"^([0-9]){1}\)$", # 12) + r"(?<=°[FfCcKk])\.", + r"([0-9])+\&", # 12& + r"(?<=[0-9])(?:{})".format(CURRENCY), + r"(?<=[0-9])(?:{})".format(UNITS), + r"(?<=[0-9{}{}(?:{})])\.".format(ALPHA_LOWER, r"²\-\)\]\+", QUOTES), + r"(?<=[{a}][{a}])\.".format(a=ALPHA_UPPER), + r"(?<=[Α-Ωα-ωίϊΐόάέύϋΰήώ])\-", # όνομα- + r"(?<=[Α-Ωα-ωίϊΐόάέύϋΰήώ])\.", + r"^[Α-Ω]{1}\.", + r"\ [Α-Ω]{1}\.", + # πρώτος-δεύτερος , πρώτος-δεύτερος-τρίτος + r"[ΈΆΊΑΌ-Ωα-ωίϊΐόάέύϋΰήώ]+([\-]([ΈΆΊΑΌ-Ωα-ωίϊΐόάέύϋΰήώ]+))+", + r"([0-9]+)mg", # 13mg + r"([0-9]+)\.([0-9]+)m", # 1.2m + ] +) -_infixes = (LIST_ELLIPSES + LIST_ICONS + - [r'(?<=[0-9])[+\/\-\*^](?=[0-9])', # 1/2 , 1-2 , 1*2 - r'([a-zA-Z]+)\/([a-zA-Z]+)\/([a-zA-Z]+)', # name1/name2/name3 - r'([0-9])+(\.([0-9]+))*([\-]([0-9])+)+', # 10.9 , 10.9.9 , 10.9-6 - r'([0-9])+[,]([0-9])+[\-]([0-9])+[,]([0-9])+', # 10,11,12 - r'([0-9])+[ης]+([\-]([0-9])+)+', # 1ης-2 - # 15/2 , 15/2/17 , 2017/2/15 - r'([0-9]){1,4}[\/]([0-9]){1,2}([\/]([0-9]){0,4}){0,1}', - r'[A-Za-z]+\@[A-Za-z]+(\-[A-Za-z]+)*\.[A-Za-z]+', # abc@cde-fgh.a - r'([a-zA-Z]+)(\-([a-zA-Z]+))+', # abc-abc - r'(?<=[{}])\.(?=[{}])'.format(ALPHA_LOWER, ALPHA_UPPER), - r'(?<=[{a}]),(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])[?";:=,.]*(?:{h})(?=[{a}])'.format(a=ALPHA, h=HYPHENS), - r'(?<=[{a}"])[:<>=/](?=[{a}])'.format(a=ALPHA)]) +_infixes = ( + LIST_ELLIPSES + + LIST_ICONS + + [ + r"(?<=[0-9])[+\/\-\*^](?=[0-9])", # 1/2 , 1-2 , 1*2 + r"([a-zA-Z]+)\/([a-zA-Z]+)\/([a-zA-Z]+)", # name1/name2/name3 + r"([0-9])+(\.([0-9]+))*([\-]([0-9])+)+", # 10.9 , 10.9.9 , 10.9-6 + r"([0-9])+[,]([0-9])+[\-]([0-9])+[,]([0-9])+", # 10,11,12 + r"([0-9])+[ης]+([\-]([0-9])+)+", # 1ης-2 + # 15/2 , 15/2/17 , 2017/2/15 + r"([0-9]){1,4}[\/]([0-9]){1,2}([\/]([0-9]){0,4}){0,1}", + r"[A-Za-z]+\@[A-Za-z]+(\-[A-Za-z]+)*\.[A-Za-z]+", # abc@cde-fgh.a + r"([a-zA-Z]+)(\-([a-zA-Z]+))+", # abc-abc + r"(?<=[{}])\.(?=[{}])".format(ALPHA_LOWER, ALPHA_UPPER), + r"(?<=[{a}]),(?=[{a}])".format(a=ALPHA), + r'(?<=[{a}])[?";:=,.]*(?:{h})(?=[{a}])'.format(a=ALPHA, h=HYPHENS), + r'(?<=[{a}"])[:<>=/](?=[{a}])'.format(a=ALPHA), + ] +) TOKENIZER_PREFIXES = _prefixes TOKENIZER_SUFFIXES = _suffixes diff --git a/spacy/lang/el/stop_words.py b/spacy/lang/el/stop_words.py index 78680fef2..f13c47ec2 100644 --- a/spacy/lang/el/stop_words.py +++ b/spacy/lang/el/stop_words.py @@ -1,13 +1,11 @@ -# -*- coding: utf-8 -*- - +# coding: utf8 from __future__ import unicode_literals + # Stop words - # Link to greek stop words: https://www.translatum.gr/forum/index.php?topic=3550.0?topic=3550.0 - - -STOP_WORDS = set(""" +STOP_WORDS = set( + """ αδιάκοπα αι ακόμα ακόμη ακριβώς άλλα αλλά αλλαχού άλλες άλλη άλλην άλλης αλλιώς αλλιώτικα άλλο άλλοι αλλοιώς αλλοιώτικα άλλον άλλος άλλοτε αλλού άλλους άλλων άμα άμεσα αμέσως αν ανά ανάμεσα αναμεταξύ άνευ αντί αντίπερα αντίς @@ -27,10 +25,10 @@ STOP_WORDS = set(""" έκαστες έκαστη έκαστην έκαστης έκαστο έκαστοι έκαστον έκαστος εκάστου εκάστους εκάστων εκεί εκείνα εκείνες εκείνη εκείνην εκείνης εκείνο εκείνοι εκείνον εκείνος εκείνου εκείνους εκείνων εκτός εμάς εμείς εμένα εμπρός εν ένα έναν ένας ενός εντελώς εντός -εναντίον εξής εξαιτίας επιπλέον επόμενη εντωμεταξύ ενώ εξ έξαφνα εξήσ εξίσου έξω επάνω -επειδή έπειτα επί επίσης επομένως εσάς εσείς εσένα έστω εσύ ετέρα ετέραι ετέρας έτερες -έτερη έτερης έτερο έτεροι έτερον έτερος ετέρου έτερους ετέρων ετούτα ετούτες ετούτη ετούτην -ετούτης ετούτο ετούτοι ετούτον ετούτος ετούτου ετούτους ετούτων έτσι εύγε ευθύς ευτυχώς εφεξής +εναντίον εξής εξαιτίας επιπλέον επόμενη εντωμεταξύ ενώ εξ έξαφνα εξήσ εξίσου έξω επάνω +επειδή έπειτα επί επίσης επομένως εσάς εσείς εσένα έστω εσύ ετέρα ετέραι ετέρας έτερες +έτερη έτερης έτερο έτεροι έτερον έτερος ετέρου έτερους ετέρων ετούτα ετούτες ετούτη ετούτην +ετούτης ετούτο ετούτοι ετούτον ετούτος ετούτου ετούτους ετούτων έτσι εύγε ευθύς ευτυχώς εφεξής έχει έχεις έχετε έχομε έχουμε έχουν εχτές έχω έως έγιναν έγινε έκανε έξι έχοντας η ήδη ήμασταν ήμαστε ήμουν ήσασταν ήσαστε ήσουν ήταν ήτανε ήτοι ήττον @@ -77,7 +75,7 @@ STOP_WORDS = set(""" συχνός συχνού συχνούς συχνών συχνώς σχεδόν τα τάδε ταύτα ταύτες ταύτη ταύτην ταύτης ταύτοταύτον ταύτος ταύτου ταύτων τάχα τάχατε -τελευταία τελευταίο τελευταίος τού τρία τρίτη τρεις τελικά τελικώς τες τέτοια τέτοιαν +τελευταία τελευταίο τελευταίος τού τρία τρίτη τρεις τελικά τελικώς τες τέτοια τέτοιαν τέτοιας τέτοιες τέτοιο τέτοιοι τέτοιον τέτοιος τέτοιου τέτοιους τέτοιων τη την της τι τίποτα τίποτε τις το τοι τον τοσ τόσα τόσες τόση τόσην τόσης τόσο τόσοι τόσον τόσος τόσου τόσους τόσων τότε του τουλάχιστο τουλάχιστον τους τούς τούτα @@ -89,4 +87,5 @@ STOP_WORDS = set(""" χωρίς χωριστά ω ως ωσάν ωσότου ώσπου ώστε ωστόσο ωχ -""".split()) +""".split() +) diff --git a/spacy/lang/el/syntax_iterators.py b/spacy/lang/el/syntax_iterators.py index d1c34bc3a..5dfd44f07 100644 --- a/spacy/lang/el/syntax_iterators.py +++ b/spacy/lang/el/syntax_iterators.py @@ -8,18 +8,16 @@ def noun_chunks(obj): """ Detect base noun phrases. Works on both Doc and Span. """ - - # it follows the logic of the noun chunks finder of English language, + # It follows the logic of the noun chunks finder of English language, # adjusted to some Greek language special characteristics. - # obj tag corrects some DEP tagger mistakes. # Further improvement of the models will eliminate the need for this tag. - labels = ['nsubj', 'obj', 'iobj', 'appos', 'ROOT', 'obl'] + labels = ["nsubj", "obj", "iobj", "appos", "ROOT", "obl"] doc = obj.doc # Ensure works on both Doc and Span. np_deps = [doc.vocab.strings.add(label) for label in labels] - conj = doc.vocab.strings.add('conj') - nmod = doc.vocab.strings.add('nmod') - np_label = doc.vocab.strings.add('NP') + conj = doc.vocab.strings.add("conj") + nmod = doc.vocab.strings.add("nmod") + np_label = doc.vocab.strings.add("NP") seen = set() for i, word in enumerate(obj): if word.pos not in (NOUN, PROPN, PRON): @@ -31,16 +29,17 @@ def noun_chunks(obj): if any(w.i in seen for w in word.subtree): continue flag = False - if (word.pos == NOUN): + if word.pos == NOUN: # check for patterns such as γραμμή παραγωγής for potential_nmod in word.rights: - if (potential_nmod.dep == nmod): - seen.update(j for j in range( - word.left_edge.i, potential_nmod.i + 1)) + if potential_nmod.dep == nmod: + seen.update( + j for j in range(word.left_edge.i, potential_nmod.i + 1) + ) yield word.left_edge.i, potential_nmod.i + 1, np_label flag = True break - if (flag is False): + if flag is False: seen.update(j for j in range(word.left_edge.i, word.i + 1)) yield word.left_edge.i, word.i + 1, np_label elif word.dep == conj: @@ -56,6 +55,4 @@ def noun_chunks(obj): yield word.left_edge.i, word.i + 1, np_label -SYNTAX_ITERATORS = { - 'noun_chunks': noun_chunks -} +SYNTAX_ITERATORS = {"noun_chunks": noun_chunks} diff --git a/spacy/lang/el/tag_map.py b/spacy/lang/el/tag_map.py index bd59c987b..073849c23 100644 --- a/spacy/lang/el/tag_map.py +++ b/spacy/lang/el/tag_map.py @@ -1,598 +1,4252 @@ -# -*- coding: utf-8 -*- - +# coding: utf8 from __future__ import unicode_literals + from ...symbols import POS, PUNCT, SYM, ADJ, CCONJ, SCONJ, NUM, DET, ADV, ADP, X, VERB from ...symbols import NOUN, PROPN, PART, INTJ, PRON + TAG_MAP = { - "ABBR": {POS: NOUN, "Abbr": "Yes"}, - "AdXxBa": {POS: ADV, "Degree": ""}, - "AdXxCp": {POS: ADV, "Degree": "Cmp"}, - "AdXxSu": {POS: ADV, "Degree": "Sup"}, - "AjBaFePlAc": {POS: ADJ, "Degree": "", "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "AjBaFePlDa": {POS: ADJ, "Degree": "", "Gender": "Fem", "Number": "Plur", "Case": "Dat"}, - "AjBaFePlGe": {POS: ADJ, "Degree": "", "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "AjBaFePlNm": {POS: ADJ, "Degree": "", "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, - "AjBaFePlVo": {POS: ADJ, "Degree": "", "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, - "AjBaFeSgAc": {POS: ADJ, "Degree": "", "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "AjBaFeSgDa": {POS: ADJ, "Degree": "", "Gender": "Fem", "Number": "Sing", "Case": "Dat"}, - "AjBaFeSgGe": {POS: ADJ, "Degree": "", "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "AjBaFeSgNm": {POS: ADJ, "Degree": "", "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, - "AjBaFeSgVo": {POS: ADJ, "Degree": "", "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, - "AjBaMaPlAc": {POS: ADJ, "Degree": "", "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, - "AjBaMaPlDa": {POS: ADJ, "Degree": "", "Gender": "Masc", "Number": "Plur", "Case": "Dat"}, - "AjBaMaPlGe": {POS: ADJ, "Degree": "", "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, - "AjBaMaPlNm": {POS: ADJ, "Degree": "", "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, - "AjBaMaPlVo": {POS: ADJ, "Degree": "", "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, - "AjBaMaSgAc": {POS: ADJ, "Degree": "", "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, - "AjBaMaSgDa": {POS: ADJ, "Degree": "", "Gender": "Masc", "Number": "Sing", "Case": "Dat"}, - "AjBaMaSgGe": {POS: ADJ, "Degree": "", "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, - "AjBaMaSgNm": {POS: ADJ, "Degree": "", "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, - "AjBaMaSgVo": {POS: ADJ, "Degree": "", "Gender": "Masc", "Number": "Sing", "Case": "Voc"}, - "AjBaNePlAc": {POS: ADJ, "Degree": "", "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, - "AjBaNePlDa": {POS: ADJ, "Degree": "", "Gender": "Neut", "Number": "Plur", "Case": "Dat"}, - "AjBaNePlGe": {POS: ADJ, "Degree": "", "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, - "AjBaNePlNm": {POS: ADJ, "Degree": "", "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, - "AjBaNePlVo": {POS: ADJ, "Degree": "", "Gender": "Neut", "Number": "Plur", "Case": "Voc"}, - "AjBaNeSgAc": {POS: ADJ, "Degree": "", "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, - "AjBaNeSgDa": {POS: ADJ, "Degree": "", "Gender": "Neut", "Number": "Sing", "Case": "Dat"}, - "AjBaNeSgGe": {POS: ADJ, "Degree": "", "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, - "AjBaNeSgNm": {POS: ADJ, "Degree": "", "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, - "AjBaNeSgVo": {POS: ADJ, "Degree": "", "Gender": "Neut", "Number": "Sing", "Case": "Voc"}, - "AjCpFePlAc": {POS: ADJ, "Degree": "Cmp", "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "AjCpFePlDa": {POS: ADJ, "Degree": "Cmp", "Gender": "Fem", "Number": "Plur", "Case": "Dat"}, - "AjCpFePlGe": {POS: ADJ, "Degree": "Cmp", "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "AjCpFePlNm": {POS: ADJ, "Degree": "Cmp", "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, - "AjCpFePlVo": {POS: ADJ, "Degree": "Cmp", "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, - "AjCpFeSgAc": {POS: ADJ, "Degree": "Cmp", "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "AjCpFeSgDa": {POS: ADJ, "Degree": "Cmp", "Gender": "Fem", "Number": "Sing", "Case": "Dat"}, - "AjCpFeSgGe": {POS: ADJ, "Degree": "Cmp", "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "AjCpFeSgNm": {POS: ADJ, "Degree": "Cmp", "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, - "AjCpFeSgVo": {POS: ADJ, "Degree": "Cmp", "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, - "AjCpMaPlAc": {POS: ADJ, "Degree": "Cmp", "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, - "AjCpMaPlDa": {POS: ADJ, "Degree": "Cmp", "Gender": "Masc", "Number": "Plur", "Case": "Dat"}, - "AjCpMaPlGe": {POS: ADJ, "Degree": "Cmp", "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, - "AjCpMaPlNm": {POS: ADJ, "Degree": "Cmp", "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, - "AjCpMaPlVo": {POS: ADJ, "Degree": "Cmp", "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, - "AjCpMaSgAc": {POS: ADJ, "Degree": "Cmp", "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, - "AjCpMaSgDa": {POS: ADJ, "Degree": "Cmp", "Gender": "Masc", "Number": "Sing", "Case": "Dat"}, - "AjCpMaSgGe": {POS: ADJ, "Degree": "Cmp", "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, - "AjCpMaSgNm": {POS: ADJ, "Degree": "Cmp", "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, - "AjCpMaSgVo": {POS: ADJ, "Degree": "Cmp", "Gender": "Masc", "Number": "Sing", "Case": "Voc"}, - "AjCpNePlAc": {POS: ADJ, "Degree": "Cmp", "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, - "AjCpNePlDa": {POS: ADJ, "Degree": "Cmp", "Gender": "Neut", "Number": "Plur", "Case": "Dat"}, - "AjCpNePlGe": {POS: ADJ, "Degree": "Cmp", "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, - "AjCpNePlNm": {POS: ADJ, "Degree": "Cmp", "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, - "AjCpNePlVo": {POS: ADJ, "Degree": "Cmp", "Gender": "Neut", "Number": "Plur", "Case": "Voc"}, - "AjCpNeSgAc": {POS: ADJ, "Degree": "Cmp", "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, - "AjCpNeSgDa": {POS: ADJ, "Degree": "Cmp", "Gender": "Neut", "Number": "Sing", "Case": "Dat"}, - "AjCpNeSgGe": {POS: ADJ, "Degree": "Cmp", "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, - "AjCpNeSgNm": {POS: ADJ, "Degree": "Cmp", "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, - "AjCpNeSgVo": {POS: ADJ, "Degree": "Cmp", "Gender": "Neut", "Number": "Sing", "Case": "Voc"}, - "AjSuFePlAc": {POS: ADJ, "Degree": "Sup", "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "AjSuFePlDa": {POS: ADJ, "Degree": "Sup", "Gender": "Fem", "Number": "Plur", "Case": "Dat"}, - "AjSuFePlGe": {POS: ADJ, "Degree": "Sup", "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "AjSuFePlNm": {POS: ADJ, "Degree": "Sup", "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, - "AjSuFePlVo": {POS: ADJ, "Degree": "Sup", "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, - "AjSuFeSgAc": {POS: ADJ, "Degree": "Sup", "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "AjSuFeSgDa": {POS: ADJ, "Degree": "Sup", "Gender": "Fem", "Number": "Sing", "Case": "Dat"}, - "AjSuFeSgGe": {POS: ADJ, "Degree": "Sup", "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "AjSuFeSgNm": {POS: ADJ, "Degree": "Sup", "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, - "AjSuFeSgVo": {POS: ADJ, "Degree": "Sup", "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, - "AjSuMaPlAc": {POS: ADJ, "Degree": "Sup", "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, - "AjSuMaPlDa": {POS: ADJ, "Degree": "Sup", "Gender": "Masc", "Number": "Plur", "Case": "Dat"}, - "AjSuMaPlGe": {POS: ADJ, "Degree": "Sup", "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, - "AjSuMaPlNm": {POS: ADJ, "Degree": "Sup", "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, - "AjSuMaPlVo": {POS: ADJ, "Degree": "Sup", "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, - "AjSuMaSgAc": {POS: ADJ, "Degree": "Sup", "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, - "AjSuMaSgDa": {POS: ADJ, "Degree": "Sup", "Gender": "Masc", "Number": "Sing", "Case": "Dat"}, - "AjSuMaSgGe": {POS: ADJ, "Degree": "Sup", "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, - "AjSuMaSgNm": {POS: ADJ, "Degree": "Sup", "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, - "AjSuMaSgVo": {POS: ADJ, "Degree": "Sup", "Gender": "Masc", "Number": "Sing", "Case": "Voc"}, - "AjSuNePlAc": {POS: ADJ, "Degree": "Sup", "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, - "AjSuNePlDa": {POS: ADJ, "Degree": "Sup", "Gender": "Neut", "Number": "Plur", "Case": "Dat"}, - "AjSuNePlGe": {POS: ADJ, "Degree": "Sup", "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, - "AjSuNePlNm": {POS: ADJ, "Degree": "Sup", "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, - "AjSuNePlVo": {POS: ADJ, "Degree": "Sup", "Gender": "Neut", "Number": "Plur", "Case": "Voc"}, - "AjSuNeSgAc": {POS: ADJ, "Degree": "Sup", "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, - "AjSuNeSgDa": {POS: ADJ, "Degree": "Sup", "Gender": "Neut", "Number": "Sing", "Case": "Dat"}, - "AjSuNeSgGe": {POS: ADJ, "Degree": "Sup", "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, - "AjSuNeSgNm": {POS: ADJ, "Degree": "Sup", "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, - "AjSuNeSgVo": {POS: ADJ, "Degree": "Sup", "Gender": "Neut", "Number": "Sing", "Case": "Voc"}, - "AsPpPaFePlAc": {POS: ADP, "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "AsPpPaFePlGe": {POS: ADP, "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "AsPpPaFeSgAc": {POS: ADP, "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "AsPpPaFeSgGe": {POS: ADP, "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "AsPpPaMaPlAc": {POS: ADP, "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, - "AsPpPaMaPlGe": {POS: ADP, "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, - "AsPpPaMaSgAc": {POS: ADP, "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, - "AsPpPaMaSgGe": {POS: ADP, "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, - "AsPpPaNePlAc": {POS: ADP, "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, - "AsPpPaNePlGe": {POS: ADP, "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, - "AsPpPaNeSgAc": {POS: ADP, "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, - "AsPpPaNeSgGe": {POS: ADP, "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, - "AsPpSp": {POS: ADP}, - "AtDfFePlAc": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Plur", "Case": "Acc", "Other": {"Definite": "Def"}}, - "AtDfFePlGe": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Plur", "Case": "Gen", "Other": {"Definite": "Def"}}, - "AtDfFePlNm": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Plur", "Case": "Nom", "Other": {"Definite": "Def"}}, - "AtDfFeSgAc": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Sing", "Case": "Acc", "Other": {"Definite": "Def"}}, - "AtDfFeSgDa": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Sing", "Case": "Dat", "Other": {"Definite": "Def"}}, - "AtDfFeSgGe": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Sing", "Case": "Gen", "Other": {"Definite": "Def"}}, - "AtDfFeSgNm": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Sing", "Case": "Nom", "Other": {"Definite": "Def"}}, - "AtDfMaPlAc": {POS: DET, "PronType": "Art", "Gender": "Masc", "Number": "Plur", "Case": "Acc", "Other": {"Definite": "Def"}}, - "AtDfMaPlGe": {POS: DET, "PronType": "Art", "Gender": "Masc", "Number": "Plur", "Case": "Gen", "Other": {"Definite": "Def"}}, - "AtDfMaPlNm": {POS: DET, "PronType": "Art", "Gender": "Masc", "Number": "Plur", "Case": "Nom", "Other": {"Definite": "Def"}}, - "AtDfMaSgAc": {POS: DET, "PronType": "Art", "Gender": "Masc", "Number": "Sing", "Case": "Acc", "Other": {"Definite": "Def"}}, - "AtDfMaSgDa": {POS: DET, "PronType": "Art", "Gender": "Masc", "Number": "Sing", "Case": "Dat", "Other": {"Definite": "Def"}}, - "AtDfMaSgGe": {POS: DET, "PronType": "Art", "Gender": "Masc", "Number": "Sing", "Case": "Gen", "Other": {"Definite": "Def"}}, - "AtDfMaSgNm": {POS: DET, "PronType": "Art", "Gender": "Masc", "Number": "Sing", "Case": "Nom", "Other": {"Definite": "Def"}}, - "AtDfNePlAc": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Plur", "Case": "Acc", "Other": {"Definite": "Def"}}, - "AtDfNePlDa": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Plur", "Case": "Dat", "Other": {"Definite": "Def"}}, - "AtDfNePlGe": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Plur", "Case": "Gen", "Other": {"Definite": "Def"}}, - "AtDfNePlNm": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Plur", "Case": "Nom", "Other": {"Definite": "Def"}}, - "AtDfNeSgAc": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Sing", "Case": "Acc", "Other": {"Definite": "Def"}}, - "AtDfNeSgDa": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Sing", "Case": "Dat", "Other": {"Definite": "Def"}}, - "AtDfNeSgGe": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Sing", "Case": "Gen", "Other": {"Definite": "Def"}}, - "AtDfNeSgNm": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Sing", "Case": "Nom", "Other": {"Definite": "Def"}}, - "AtIdFeSgAc": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Sing", "Case": "Acc", "Other": {"Definite": "Ind"}}, - "AtIdFeSgDa": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Sing", "Case": "Dat", "Other": {"Definite": "Ind"}}, - "AtIdFeSgGe": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Sing", "Case": "Gen", "Other": {"Definite": "Ind"}}, - "AtIdFeSgNm": {POS: DET, "PronType": "Art", "Gender": "Fem", "Number": "Sing", "Case": "Nom", "Other": {"Definite": "Ind"}}, - "AtIdMaSgAc": {POS: DET, "PronType": "Art", "Gender": "Masc", "Number": "Sing", "Case": "Acc", "Other": {"Definite": "Ind"}}, - "AtIdMaSgGe": {POS: DET, "PronType": "Art", "Gender": "Masc", "Number": "Sing", "Case": "Gen", "Other": {"Definite": "Ind"}}, - "AtIdMaSgNm": {POS: DET, "PronType": "Art", "Gender": "Masc", "Number": "Sing", "Case": "Nom", "Other": {"Definite": "Ind"}}, - "AtIdNeSgAc": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Sing", "Case": "Acc", "Other": {"Definite": "Ind"}}, - "AtIdNeSgGe": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Sing", "Case": "Gen", "Other": {"Definite": "Ind"}}, - "AtIdNeSgNm": {POS: DET, "PronType": "Art", "Gender": "Neut", "Number": "Sing", "Case": "Nom", "Other": {"Definite": "Ind"}}, - "CjCo": {POS: CCONJ}, - "CjSb": {POS: SCONJ}, - "CPUNCT": {POS: PUNCT}, - "DATE": {POS: NUM}, - "DIG": {POS: NUM}, - "ENUM": {POS: NUM}, - "Ij": {POS: INTJ}, - "INIT": {POS: SYM}, - "NBABBR": {POS: NOUN, "Abbr": "Yes"}, - "NmAnFePlAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "NmAnFePlGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "NmAnFePlNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, - "NmAnFePlVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, - "NmAnFeSgAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "NmAnFeSgGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "NmAnFeSgNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, - "NmAnFeSgVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, - "NmAnMaPlAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, - "NmAnMaPlGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, - "NmAnMaPlNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, - "NmAnMaPlVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, - "NmAnMaSgAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, - "NmAnMaSgGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, - "NmAnMaSgNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, - "NmAnMaSgVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Sing", "Case": "Voc"}, - "NmAnNePlAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, - "NmAnNePlGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, - "NmAnNePlNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, - "NmAnNePlVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Plur", "Case": "Voc"}, - "NmAnNeSgAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, - "NmAnNeSgGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, - "NmAnNeSgNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, - "NmAnNeSgVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Sing", "Case": "Voc"}, - "NmAnXxXxXxAd": {POS: NUM, "NumType": "Mult", "Gender": "Masc|Fem|Neut", "Number": "Sing|Plur", "Case": "Acc|Gen|Nom|Voc"}, - "NmCdFePlAcAj": {POS: NUM, "NumType": "Card", "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "NmCdFePlGeAj": {POS: NUM, "NumType": "Card", "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "NmCdFePlNmAj": {POS: NUM, "NumType": "Card", "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, - "NmCdFePlVoAj": {POS: NUM, "NumType": "Card", "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, - "NmCdFeSgAcAj": {POS: NUM, "NumType": "Card", "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "NmCdFeSgDaAj": {POS: NUM, "NumType": "Card", "Gender": "Fem", "Number": "Sing", "Case": "Dat"}, - "NmCdFeSgGeAj": {POS: NUM, "NumType": "Card", "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "NmCdFeSgNmAj": {POS: NUM, "NumType": "Card", "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, - "NmCdMaPlAcAj": {POS: NUM, "NumType": "Card", "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, - "NmCdMaPlGeAj": {POS: NUM, "NumType": "Card", "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, - "NmCdMaPlNmAj": {POS: NUM, "NumType": "Card", "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, - "NmCdMaPlVoAj": {POS: NUM, "NumType": "Card", "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, - "NmCdMaSgAcAj": {POS: NUM, "NumType": "Card", "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, - "NmCdMaSgGeAj": {POS: NUM, "NumType": "Card", "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, - "NmCdMaSgNmAj": {POS: NUM, "NumType": "Card", "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, - "NmCdNePlAcAj": {POS: NUM, "NumType": "Card", "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, - "NmCdNePlDaAj": {POS: NUM, "NumType": "Card", "Gender": "Neut", "Number": "Plur", "Case": "Dat"}, - "NmCdNePlGeAj": {POS: NUM, "NumType": "Card", "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, - "NmCdNePlNmAj": {POS: NUM, "NumType": "Card", "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, - "NmCdNePlVoAj": {POS: NUM, "NumType": "Card", "Gender": "Neut", "Number": "Plur", "Case": "Voc"}, - "NmCdNeSgAcAj": {POS: NUM, "NumType": "Card", "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, - "NmCdNeSgGeAj": {POS: NUM, "NumType": "Card", "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, - "NmCdNeSgNmAj": {POS: NUM, "NumType": "Card", "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, - "NmCtFePlAcNo": {POS: NUM, "NumType": "Sets", "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "NmCtFePlGeNo": {POS: NUM, "NumType": "Sets", "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "NmCtFePlNmNo": {POS: NUM, "NumType": "Sets", "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, - "NmCtFePlVoNo": {POS: NUM, "NumType": "Sets", "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, - "NmCtFeSgAcNo": {POS: NUM, "NumType": "Sets", "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "NmCtFeSgGeNo": {POS: NUM, "NumType": "Sets", "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "NmCtFeSgNmNo": {POS: NUM, "NumType": "Sets", "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, - "NmCtFeSgVoNo": {POS: NUM, "NumType": "Sets", "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, - "NmMlFePlAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "NmMlFePlGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "NmMlFePlNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, - "NmMlFePlVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, - "NmMlFeSgAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "NmMlFeSgGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "NmMlFeSgNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, - "NmMlFeSgVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, - "NmMlMaPlAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, - "NmMlMaPlGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, - "NmMlMaPlNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, - "NmMlMaPlVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, - "NmMlMaSgAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, - "NmMlMaSgGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, - "NmMlMaSgNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, - "NmMlMaSgVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Masc", "Number": "Sing", "Case": "Voc"}, - "NmMlNePlAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, - "NmMlNePlGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, - "NmMlNePlNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, - "NmMlNePlVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Plur", "Case": "Voc"}, - "NmMlNeSgAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, - "NmMlNeSgGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, - "NmMlNeSgNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, - "NmMlNeSgVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Neut", "Number": "Sing", "Case": "Voc"}, - "NmMlXxXxXxAd": {POS: NUM, "NumType": "Mult", "Gender": "Masc|Fem|Neut", "Number": "Sing|Plur", "Case": "Acc|Gen|Nom|Voc"}, - "NmOdFePlAcAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "NmOdFePlGeAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "NmOdFePlNmAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, - "NmOdFePlVoAj": {POS: NUM, "NumType": "Mult", "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, - "NmOdFeSgAcAj": {POS: NUM, "NumType": "Ord", "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "NmOdFeSgGeAj": {POS: NUM, "NumType": "Ord", "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "NmOdFeSgNmAj": {POS: NUM, "NumType": "Ord", "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, - "NmOdFeSgVoAj": {POS: NUM, "NumType": "Ord", "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, - "NmOdMaPlAcAj": {POS: NUM, "NumType": "Ord", "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, - "NmOdMaPlGeAj": {POS: NUM, "NumType": "Ord", "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, - "NmOdMaPlNmAj": {POS: NUM, "NumType": "Ord", "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, - "NmOdMaPlVoAj": {POS: NUM, "NumType": "Ord", "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, - "NmOdMaSgAcAj": {POS: NUM, "NumType": "Ord", "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, - "NmOdMaSgGeAj": {POS: NUM, "NumType": "Ord", "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, - "NmOdMaSgNmAj": {POS: NUM, "NumType": "Ord", "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, - "NmOdMaSgVoAj": {POS: NUM, "NumType": "Ord", "Gender": "Masc", "Number": "Sing", "Case": "Voc"}, - "NmOdNePlAcAj": {POS: NUM, "NumType": "Ord", "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, - "NmOdNePlGeAj": {POS: NUM, "NumType": "Ord", "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, - "NmOdNePlNmAj": {POS: NUM, "NumType": "Ord", "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, - "NmOdNePlVoAj": {POS: NUM, "NumType": "Ord", "Gender": "Neut", "Number": "Plur", "Case": "Voc"}, - "NmOdNeSgAcAj": {POS: NUM, "NumType": "Ord", "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, - "NmOdNeSgGeAj": {POS: NUM, "NumType": "Ord", "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, - "NmOdNeSgNmAj": {POS: NUM, "NumType": "Ord", "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, - "NmOdNeSgVoAj": {POS: NUM, "NumType": "Ord", "Gender": "Neut", "Number": "Sing", "Case": "Voc"}, - "NoCmFePlAc": {POS: NOUN, "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "NoCmFePlDa": {POS: NOUN, "Gender": "Fem", "Number": "Plur", "Case": "Dat"}, - "NoCmFePlGe": {POS: NOUN, "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "NoCmFePlNm": {POS: NOUN, "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, - "NoCmFePlVo": {POS: NOUN, "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, - "NoCmFeSgAc": {POS: NOUN, "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "NoCmFeSgDa": {POS: NOUN, "Gender": "Fem", "Number": "Sing", "Case": "Dat"}, - "NoCmFeSgGe": {POS: NOUN, "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "NoCmFeSgNm": {POS: NOUN, "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, - "NoCmFeSgVo": {POS: NOUN, "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, - "NoCmMaPlAc": {POS: NOUN, "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, - "NoCmMaPlDa": {POS: NOUN, "Gender": "Masc", "Number": "Plur", "Case": "Dat"}, - "NoCmMaPlGe": {POS: NOUN, "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, - "NoCmMaPlNm": {POS: NOUN, "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, - "NoCmMaPlVo": {POS: NOUN, "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, - "NoCmMaSgAc": {POS: NOUN, "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, - "NoCmMaSgDa": {POS: NOUN, "Gender": "Masc", "Number": "Sing", "Case": "Dat"}, - "NoCmMaSgGe": {POS: NOUN, "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, - "NoCmMaSgNm": {POS: NOUN, "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, - "NoCmMaSgVo": {POS: NOUN, "Gender": "Masc", "Number": "Sing", "Case": "Voc"}, - "NoCmNePlAc": {POS: NOUN, "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, - "NoCmNePlDa": {POS: NOUN, "Gender": "Neut", "Number": "Plur", "Case": "Dat"}, - "NoCmNePlGe": {POS: NOUN, "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, - "NoCmNePlNm": {POS: NOUN, "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, - "NoCmNePlVo": {POS: NOUN, "Gender": "Neut", "Number": "Plur", "Case": "Voc"}, - "NoCmNeSgAc": {POS: NOUN, "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, - "NoCmNeSgDa": {POS: NOUN, "Gender": "Neut", "Number": "Sing", "Case": "Dat"}, - "NoCmNeSgGe": {POS: NOUN, "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, - "NoCmNeSgNm": {POS: NOUN, "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, - "NoCmNeSgVo": {POS: NOUN, "Gender": "Neut", "Number": "Sing", "Case": "Voc"}, - "NoPrFePlAc": {POS: PROPN, "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, - "NoPrFePlDa": {POS: PROPN, "Gender": "Fem", "Number": "Plur", "Case": "Dat"}, - "NoPrFePlGe": {POS: PROPN, "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, - "NoPrFePlNm": {POS: PROPN, "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, - "NoPrFePlVo": {POS: PROPN, "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, - "NoPrFeSgAc": {POS: PROPN, "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, - "NoPrFeSgDa": {POS: PROPN, "Gender": "Fem", "Number": "Sing", "Case": "Dat"}, - "NoPrFeSgGe": {POS: PROPN, "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, - "NoPrFeSgNm": {POS: PROPN, "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, - "NoPrFeSgVo": {POS: PROPN, "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, - "NoPrMaPlAc": {POS: PROPN, "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, - "NoPrMaPlGe": {POS: PROPN, "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, - "NoPrMaPlNm": {POS: PROPN, "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, - "NoPrMaPlVo": {POS: PROPN, "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, - "NoPrMaSgAc": {POS: PROPN, "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, - "NoPrMaSgDa": {POS: PROPN, "Gender": "Masc", "Number": "Sing", "Case": "Dat"}, - "NoPrMaSgGe": {POS: PROPN, "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, - "NoPrMaSgNm": {POS: PROPN, "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, - "NoPrMaSgVo": {POS: PROPN, "Gender": "Masc", "Number": "Sing", "Case": "Voc"}, - "NoPrNePlAc": {POS: PROPN, "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, - "NoPrNePlGe": {POS: PROPN, "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, - "NoPrNePlNm": {POS: PROPN, "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, - "NoPrNeSgAc": {POS: PROPN, "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, - "NoPrNeSgGe": {POS: PROPN, "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, - "NoPrNeSgNm": {POS: PROPN, "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, - "OPUNCT": {POS: PUNCT}, - "PnDfFe03PlAcXx": {POS: PRON, "PronType": "", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnDfFe03SgAcXx": {POS: PRON, "PronType": "", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnDfMa03PlGeXx": {POS: PRON, "PronType": "", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnDmFe03PlAcXx": {POS: PRON, "PronType": "Dem", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnDmFe03PlGeXx": {POS: PRON, "PronType": "Dem", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnDmFe03PlNmXx": {POS: PRON, "PronType": "Dem", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnDmFe03SgAcXx": {POS: PRON, "PronType": "Dem", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnDmFe03SgDaXx": {POS: PRON, "PronType": "Dem", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Dat"}, - "PnDmFe03SgGeXx": {POS: PRON, "PronType": "Dem", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnDmFe03SgNmXx": {POS: PRON, "PronType": "Dem", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnDmMa03PlAcXx": {POS: PRON, "PronType": "Dem", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnDmMa03PlDaXx": {POS: PRON, "PronType": "Dem", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Dat"}, - "PnDmMa03PlGeXx": {POS: PRON, "PronType": "Dem", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnDmMa03PlNmXx": {POS: PRON, "PronType": "Dem", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnDmMa03SgAcXx": {POS: PRON, "PronType": "Dem", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnDmMa03SgGeXx": {POS: PRON, "PronType": "Dem", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnDmMa03SgNmXx": {POS: PRON, "PronType": "Dem", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnDmNe03PlAcXx": {POS: PRON, "PronType": "Dem", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnDmNe03PlDaXx": {POS: PRON, "PronType": "Dem", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Dat"}, - "PnDmNe03PlGeXx": {POS: PRON, "PronType": "Dem", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnDmNe03PlNmXx": {POS: PRON, "PronType": "Dem", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnDmNe03SgAcXx": {POS: PRON, "PronType": "Dem", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnDmNe03SgDaXx": {POS: PRON, "PronType": "Dem", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Dat"}, - "PnDmNe03SgGeXx": {POS: PRON, "PronType": "Dem", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnDmNe03SgNmXx": {POS: PRON, "PronType": "Dem", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnIdFe03PlAcXx": {POS: PRON, "PronType": "Ind", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnIdFe03PlGeXx": {POS: PRON, "PronType": "Ind", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnIdFe03PlNmXx": {POS: PRON, "PronType": "Ind", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnIdFe03SgAcXx": {POS: PRON, "PronType": "Ind", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnIdFe03SgGeXx": {POS: PRON, "PronType": "Ind", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnIdFe03SgNmXx": {POS: PRON, "PronType": "Ind", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnIdMa03PlAcXx": {POS: PRON, "PronType": "Ind", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnIdMa03PlGeXx": {POS: PRON, "PronType": "Ind", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnIdMa03PlNmXx": {POS: PRON, "PronType": "Ind", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnIdMa03SgAcXx": {POS: PRON, "PronType": "Ind", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnIdMa03SgGeXx": {POS: PRON, "PronType": "Ind", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnIdMa03SgNmXx": {POS: PRON, "PronType": "Ind", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnIdNe03PlAcXx": {POS: PRON, "PronType": "Ind", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnIdNe03PlGeXx": {POS: PRON, "PronType": "Ind", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnIdNe03PlNmXx": {POS: PRON, "PronType": "Ind", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnIdNe03SgAcXx": {POS: PRON, "PronType": "Ind", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnIdNe03SgDaXx": {POS: PRON, "PronType": "Ind", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Dat"}, - "PnIdNe03SgGeXx": {POS: PRON, "PronType": "Ind", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnIdNe03SgNmXx": {POS: PRON, "PronType": "Ind", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnIrFe03PlAcXx": {POS: PRON, "PronType": "Int", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnIrFe03PlGeXx": {POS: PRON, "PronType": "Int", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnIrFe03PlNmXx": {POS: PRON, "PronType": "Int", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnIrFe03SgAcXx": {POS: PRON, "PronType": "Int", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnIrFe03SgGeXx": {POS: PRON, "PronType": "Int", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnIrFe03SgNmXx": {POS: PRON, "PronType": "Int", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnIrMa03PlAcXx": {POS: PRON, "PronType": "Int", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnIrMa03PlGeXx": {POS: PRON, "PronType": "Int", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnIrMa03PlNmXx": {POS: PRON, "PronType": "Int", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnIrMa03SgAcXx": {POS: PRON, "PronType": "Int", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnIrMa03SgGeXx": {POS: PRON, "PronType": "Int", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnIrMa03SgNmXx": {POS: PRON, "PronType": "Int", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnIrNe03PlAcXx": {POS: PRON, "PronType": "Int", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnIrNe03PlGeXx": {POS: PRON, "PronType": "Int", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnIrNe03PlNmXx": {POS: PRON, "PronType": "Int", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnIrNe03SgAcXx": {POS: PRON, "PronType": "Int", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnIrNe03SgGeXx": {POS: PRON, "PronType": "Int", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnIrNe03SgNmXx": {POS: PRON, "PronType": "Int", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnPeFe01PlAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "1", "Number": "Plur", "Case": "Acc"}, - "PnPeFe01PlAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "1", "Number": "Plur", "Case": "Acc"}, - "PnPeFe01PlGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "1", "Number": "Plur", "Case": "Gen"}, - "PnPeFe01PlNmSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "1", "Number": "Plur", "Case": "Nom"}, - "PnPeFe01SgAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "1", "Number": "Sing", "Case": "Acc"}, - "PnPeFe01SgAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "1", "Number": "Sing", "Case": "Acc"}, - "PnPeFe01SgGeSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "1", "Number": "Sing", "Case": "Gen"}, - "PnPeFe01SgGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "1", "Number": "Sing", "Case": "Gen"}, - "PnPeFe01SgNmSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "1", "Number": "Sing", "Case": "Nom"}, - "PnPeFe02PlAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "2", "Number": "Plur", "Case": "Acc"}, - "PnPeFe02PlAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "2", "Number": "Plur", "Case": "Acc"}, - "PnPeFe02PlGeSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "2", "Number": "Plur", "Case": "Gen"}, - "PnPeFe02PlGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "2", "Number": "Plur", "Case": "Gen"}, - "PnPeFe02PlNmSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "2", "Number": "Plur", "Case": "Nom"}, - "PnPeFe02SgAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "2", "Number": "Sing", "Case": "Acc"}, - "PnPeFe02SgAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "2", "Number": "Sing", "Case": "Acc"}, - "PnPeFe02SgGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "2", "Number": "Sing", "Case": "Gen"}, - "PnPeFe02SgNmSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "2", "Number": "Sing", "Case": "Nom"}, - "PnPeFe03PlAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnPeFe03PlAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnPeFe03PlGeSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnPeFe03PlGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnPeFe03PlNmSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnPeFe03SgAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnPeFe03SgAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnPeFe03SgGeSt": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnPeFe03SgGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnPeMa01PlAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Plur", "Case": "Acc"}, - "PnPeMa01PlAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Plur", "Case": "Acc"}, - "PnPeMa01PlDaSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Plur", "Case": "Dat"}, - "PnPeMa01PlGeSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Plur", "Case": "Gen"}, - "PnPeMa01PlGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Plur", "Case": "Gen"}, - "PnPeMa01PlNmSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Plur", "Case": "Nom"}, - "PnPeMa01SgAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Sing", "Case": "Acc"}, - "PnPeMa01SgAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Sing", "Case": "Acc"}, - "PnPeMa01SgGeSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Sing", "Case": "Gen"}, - "PnPeMa01SgGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Sing", "Case": "Gen"}, - "PnPeMa01SgNmSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "1", "Number": "Sing", "Case": "Nom"}, - "PnPeMa02PlAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "2", "Number": "Plur", "Case": "Acc"}, - "PnPeMa02PlAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "2", "Number": "Plur", "Case": "Acc"}, - "PnPeMa02PlGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "2", "Number": "Plur", "Case": "Gen"}, - "PnPeMa02PlNmSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "2", "Number": "Plur", "Case": "Nom"}, - "PnPeMa02PlVoSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "2", "Number": "Plur", "Case": "Voc"}, - "PnPeMa02SgAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "2", "Number": "Sing", "Case": "Acc"}, - "PnPeMa02SgAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "2", "Number": "Sing", "Case": "Acc"}, - "PnPeMa02SgGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "2", "Number": "Sing", "Case": "Gen"}, - "PnPeMa02SgNmSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "2", "Number": "Sing", "Case": "Nom"}, - "PnPeMa03PlAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnPeMa03PlGeSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnPeMa03PlGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnPeMa03PlNmSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnPeMa03SgAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnPeMa03SgAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnPeMa03SgGeSt": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnPeMa03SgGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnPeMa03SgNmWe": {POS: PRON, "PronType": "Prs", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnPeNe03PlAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnPeNe03PlGeSt": {POS: PRON, "PronType": "Prs", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnPeNe03PlGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnPeNe03SgAcSt": {POS: PRON, "PronType": "Prs", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnPeNe03SgAcWe": {POS: PRON, "PronType": "Prs", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnPeNe03SgGeSt": {POS: PRON, "PronType": "Prs", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnPeNe03SgGeWe": {POS: PRON, "PronType": "Prs", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnPoFe01PlGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Fem", "Person": "1", "Number": "Plur", "Case": "Gen"}, - "PnPoFe01SgGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Fem", "Person": "1", "Number": "Sing", "Case": "Gen"}, - "PnPoFe02PlGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Fem", "Person": "2", "Number": "Plur", "Case": "Gen"}, - "PnPoFe02SgGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Fem", "Person": "2", "Number": "Sing", "Case": "Gen"}, - "PnPoFe03PlGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnPoFe03SgGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnPoMa01PlGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Masc", "Person": "1", "Number": "Plur", "Case": "Gen"}, - "PnPoMa01SgGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Masc", "Person": "1", "Number": "Sing", "Case": "Gen"}, - "PnPoMa02PlGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Masc", "Person": "2", "Number": "Plur", "Case": "Gen"}, - "PnPoMa02SgGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Masc", "Person": "2", "Number": "Sing", "Case": "Gen"}, - "PnPoMa03PlGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnPoMa03SgGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnPoNe03PlGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnPoNe03SgGeXx": {POS: PRON, "Poss": "Yes", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnReFe03PlAcXx": {POS: PRON, "PronType": "Rel", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnReFe03PlGeXx": {POS: PRON, "PronType": "Rel", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnReFe03PlNmXx": {POS: PRON, "PronType": "Rel", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnReFe03SgAcXx": {POS: PRON, "PronType": "Rel", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnReFe03SgGeXx": {POS: PRON, "PronType": "Rel", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnReFe03SgNmXx": {POS: PRON, "PronType": "Rel", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnReMa03PlAcXx": {POS: PRON, "PronType": "Rel", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnReMa03PlGeXx": {POS: PRON, "PronType": "Rel", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnReMa03PlNmXx": {POS: PRON, "PronType": "Rel", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnReMa03SgAcXx": {POS: PRON, "PronType": "Rel", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnReMa03SgGeXx": {POS: PRON, "PronType": "Rel", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnReMa03SgNmXx": {POS: PRON, "PronType": "Rel", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnReNe03PlAcXx": {POS: PRON, "PronType": "Rel", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnReNe03PlGeXx": {POS: PRON, "PronType": "Rel", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnReNe03PlNmXx": {POS: PRON, "PronType": "Rel", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnReNe03SgAcXx": {POS: PRON, "PronType": "Rel", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnReNe03SgGeXx": {POS: PRON, "PronType": "Rel", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnReNe03SgNmXx": {POS: PRON, "PronType": "Rel", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnRiFe03PlAcXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnRiFe03PlGeXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnRiFe03PlNmXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Fem", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnRiFe03SgAcXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnRiFe03SgGeXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnRiFe03SgNmXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Fem", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnRiMa03PlAcXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnRiMa03PlGeXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnRiMa03PlNmXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Masc", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnRiMa03SgAcXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnRiMa03SgGeXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnRiMa03SgNmXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Masc", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PnRiNe03PlAcXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Acc"}, - "PnRiNe03PlGeXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Gen"}, - "PnRiNe03PlNmXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Neut", "Person": "3", "Number": "Plur", "Case": "Nom"}, - "PnRiNe03SgAcXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Acc"}, - "PnRiNe03SgGeXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Gen"}, - "PnRiNe03SgNmXx": {POS: PRON, "PronType": "Ind,Rel", "Gender": "Neut", "Person": "3", "Number": "Sing", "Case": "Nom"}, - "PTERM_P": {POS: PUNCT}, - "PtFu": {POS: PART}, - "PtNg": {POS: PART}, - "PtOt": {POS: PART}, - "PtSj": {POS: PART}, - "Pu": {POS: SYM}, - "PUNCT": {POS: PUNCT}, - "RgAbXx": {POS: X}, - "RgAnXx": {POS: X}, - "RgFwOr": {POS: X, "Foreign": "Yes"}, - "RgFwTr": {POS: X, "Foreign": "Yes"}, - "RgSyXx": {POS: SYM}, - "VbIsIdPa03SgXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbIsIdPa03SgXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbIsIdPa03SgXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbIsIdPa03SgXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbIsIdPr03SgXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbIsIdPr03SgXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbIsIdXx03SgXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbIsIdXx03SgXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbIsNfXxXxXxXxPeAvXx": {POS: VERB, "VerbForm": "Inf", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing|Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa01PlXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "1", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa01PlXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "1", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa01PlXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "1", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa01PlXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "1", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa01SgXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "1", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa01SgXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "1", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa01SgXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa01SgXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "1", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa02PlXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa02PlXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa02PlXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa02PlXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa02SgXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa02SgXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa02SgXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa02SgXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa03PlXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa03PlXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa03PlXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa03PlXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa03SgXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa03SgXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa03SgXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPa03SgXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr01PlXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "1", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr01PlXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "1", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr01SgXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "1", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr01SgXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "1", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr02PlXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr02PlXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr02SgXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr02SgXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr03PlXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "3", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr03PlXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "3", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr03SgXxIpAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdPr03SgXxIpPvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx01PlXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "1", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx01PlXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "1", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx01SgXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "1", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx01SgXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "1", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx02PlXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx02PlXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx02SgXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx02SgXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx03PlXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "3", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx03PlXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "3", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx03SgXxPeAvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnIdXx03SgXxPePvXx": {POS: VERB, "VerbForm": "Fin", "Mood": "Ind", "Tense": "Pres|Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnMpXx02PlXxIpAvXx": {POS: VERB, "VerbForm": "", "Mood": "Imp", "Tense": "Pres|Past", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnMpXx02PlXxIpPvXx": {POS: VERB, "VerbForm": "", "Mood": "Imp", "Tense": "Pres|Past", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnMpXx02PlXxPeAvXx": {POS: VERB, "VerbForm": "", "Mood": "Imp", "Tense": "Pres|Past", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnMpXx02PlXxPePvXx": {POS: VERB, "VerbForm": "", "Mood": "Imp", "Tense": "Pres|Past", "Person": "2", "Number": "Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnMpXx02SgXxIpAvXx": {POS: VERB, "VerbForm": "", "Mood": "Imp", "Tense": "Pres|Past", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnMpXx02SgXxIpPvXx": {POS: VERB, "VerbForm": "", "Mood": "Imp", "Tense": "Pres|Past", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnMpXx02SgXxPeAvXx": {POS: VERB, "VerbForm": "", "Mood": "Imp", "Tense": "Pres|Past", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnMpXx02SgXxPePvXx": {POS: VERB, "VerbForm": "", "Mood": "Imp", "Tense": "Pres|Past", "Person": "2", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnMpXx03SgXxIpPvXx": {POS: VERB, "VerbForm": "", "Mood": "Imp", "Tense": "Pres|Past", "Person": "3", "Number": "Sing", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnNfXxXxXxXxPeAvXx": {POS: VERB, "VerbForm": "Inf", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing|Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnNfXxXxXxXxPePvXx": {POS: VERB, "VerbForm": "Inf", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing|Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnPpPrXxXxXxIpAvXx": {POS: VERB, "VerbForm": "Conv", "Mood": "", "Tense": "Pres", "Person": "1|2|3", "Number": "Sing|Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"}, - "VbMnPpXxXxPlFePePvAc": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Fem", "Aspect": "Perf", "Voice": "Pass", "Case": "Acc"}, - "VbMnPpXxXxPlFePePvGe": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Fem", "Aspect": "Perf", "Voice": "Pass", "Case": "Gen"}, - "VbMnPpXxXxPlFePePvNm": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Fem", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom"}, - "VbMnPpXxXxPlFePePvVo": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Fem", "Aspect": "Perf", "Voice": "Pass", "Case": "Voc"}, - "VbMnPpXxXxPlMaPePvAc": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Masc", "Aspect": "Perf", "Voice": "Pass", "Case": "Acc"}, - "VbMnPpXxXxPlMaPePvGe": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Masc", "Aspect": "Perf", "Voice": "Pass", "Case": "Gen"}, - "VbMnPpXxXxPlMaPePvNm": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Masc", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom"}, - "VbMnPpXxXxPlMaPePvVo": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Masc", "Aspect": "Perf", "Voice": "Pass", "Case": "Voc"}, - "VbMnPpXxXxPlNePePvAc": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Acc"}, - "VbMnPpXxXxPlNePePvGe": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Gen"}, - "VbMnPpXxXxPlNePePvNm": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom"}, - "VbMnPpXxXxPlNePePvVo": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Plur", "Gender": "Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Voc"}, - "VbMnPpXxXxSgFePePvAc": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Fem", "Aspect": "Perf", "Voice": "Pass", "Case": "Acc"}, - "VbMnPpXxXxSgFePePvGe": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Fem", "Aspect": "Perf", "Voice": "Pass", "Case": "Gen"}, - "VbMnPpXxXxSgFePePvNm": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Fem", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom"}, - "VbMnPpXxXxSgFePePvVo": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Fem", "Aspect": "Perf", "Voice": "Pass", "Case": "Voc"}, - "VbMnPpXxXxSgMaPePvAc": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Masc", "Aspect": "Perf", "Voice": "Pass", "Case": "Acc"}, - "VbMnPpXxXxSgMaPePvGe": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Masc", "Aspect": "Perf", "Voice": "Pass", "Case": "Gen"}, - "VbMnPpXxXxSgMaPePvNm": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Masc", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom"}, - "VbMnPpXxXxSgMaPePvVo": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Masc", "Aspect": "Perf", "Voice": "Pass", "Case": "Voc"}, - "VbMnPpXxXxSgNePePvAc": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Acc"}, - "VbMnPpXxXxSgNePePvGe": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Gen"}, - "VbMnPpXxXxSgNePePvNm": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Nom"}, - "VbMnPpXxXxSgNePePvVo": {POS: VERB, "VerbForm": "Part", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing", "Gender": "Neut", "Aspect": "Perf", "Voice": "Pass", "Case": "Voc"}, - "VbMnPpXxXxXxXxIpAvXx": {POS: VERB, "VerbForm": "Conv", "Mood": "", "Tense": "Pres|Past", "Person": "1|2|3", "Number": "Sing|Plur", "Gender": "Masc|Fem|Neut", "Aspect": "Imp", "Voice": "Act", "Case": "Nom|Gen|Dat|Acc|Voc"} + "ABBR": {POS: NOUN, "Abbr": "Yes"}, + "AdXxBa": {POS: ADV, "Degree": ""}, + "AdXxCp": {POS: ADV, "Degree": "Cmp"}, + "AdXxSu": {POS: ADV, "Degree": "Sup"}, + "AjBaFePlAc": { + POS: ADJ, + "Degree": "", + "Gender": "Fem", + "Number": "Plur", + "Case": "Acc", + }, + "AjBaFePlDa": { + POS: ADJ, + "Degree": "", + "Gender": "Fem", + "Number": "Plur", + "Case": "Dat", + }, + "AjBaFePlGe": { + POS: ADJ, + "Degree": "", + "Gender": "Fem", + "Number": "Plur", + "Case": "Gen", + }, + "AjBaFePlNm": { + POS: ADJ, + "Degree": "", + "Gender": "Fem", + "Number": "Plur", + "Case": "Nom", + }, + "AjBaFePlVo": { + POS: ADJ, + "Degree": "", + "Gender": "Fem", + "Number": "Plur", + "Case": "Voc", + }, + "AjBaFeSgAc": { + POS: ADJ, + "Degree": "", + "Gender": "Fem", + "Number": "Sing", + "Case": "Acc", + }, + "AjBaFeSgDa": { + POS: ADJ, + "Degree": "", + "Gender": "Fem", + "Number": "Sing", + "Case": "Dat", + }, + "AjBaFeSgGe": { + POS: ADJ, + "Degree": "", + "Gender": "Fem", + "Number": "Sing", + "Case": "Gen", + }, + "AjBaFeSgNm": { + POS: ADJ, + "Degree": "", + "Gender": "Fem", + "Number": "Sing", + "Case": "Nom", + }, + "AjBaFeSgVo": { + POS: ADJ, + "Degree": "", + "Gender": "Fem", + "Number": "Sing", + "Case": "Voc", + }, + "AjBaMaPlAc": { + POS: ADJ, + "Degree": "", + "Gender": "Masc", + "Number": "Plur", + "Case": "Acc", + }, + "AjBaMaPlDa": { + POS: ADJ, + "Degree": "", + "Gender": "Masc", + "Number": "Plur", + "Case": "Dat", + }, + "AjBaMaPlGe": { + POS: ADJ, + "Degree": "", + "Gender": "Masc", + "Number": "Plur", + "Case": "Gen", + }, + "AjBaMaPlNm": { + POS: ADJ, + "Degree": "", + "Gender": "Masc", + "Number": "Plur", + "Case": "Nom", + }, + "AjBaMaPlVo": { + POS: ADJ, + "Degree": "", + "Gender": "Masc", + "Number": "Plur", + "Case": "Voc", + }, + "AjBaMaSgAc": { + POS: ADJ, + "Degree": "", + "Gender": "Masc", + "Number": "Sing", + "Case": "Acc", + }, + "AjBaMaSgDa": { + POS: ADJ, + "Degree": "", + "Gender": "Masc", + "Number": "Sing", + "Case": "Dat", + }, + "AjBaMaSgGe": { + POS: ADJ, + "Degree": "", + "Gender": "Masc", + "Number": "Sing", + "Case": "Gen", + }, + "AjBaMaSgNm": { + POS: ADJ, + "Degree": "", + "Gender": "Masc", + "Number": "Sing", + "Case": "Nom", + }, + "AjBaMaSgVo": { + POS: ADJ, + "Degree": "", + "Gender": "Masc", + "Number": "Sing", + "Case": "Voc", + }, + "AjBaNePlAc": { + POS: ADJ, + "Degree": "", + "Gender": "Neut", + "Number": "Plur", + "Case": "Acc", + }, + "AjBaNePlDa": { + POS: ADJ, + "Degree": "", + "Gender": "Neut", + "Number": "Plur", + "Case": "Dat", + }, + "AjBaNePlGe": { + POS: ADJ, + "Degree": "", + "Gender": "Neut", + "Number": "Plur", + "Case": "Gen", + }, + "AjBaNePlNm": { + POS: ADJ, + "Degree": "", + "Gender": "Neut", + "Number": "Plur", + "Case": "Nom", + }, + "AjBaNePlVo": { + POS: ADJ, + "Degree": "", + "Gender": "Neut", + "Number": "Plur", + "Case": "Voc", + }, + "AjBaNeSgAc": { + POS: ADJ, + "Degree": "", + "Gender": "Neut", + "Number": "Sing", + "Case": "Acc", + }, + "AjBaNeSgDa": { + POS: ADJ, + "Degree": "", + "Gender": "Neut", + "Number": "Sing", + "Case": "Dat", + }, + "AjBaNeSgGe": { + POS: ADJ, + "Degree": "", + "Gender": "Neut", + "Number": "Sing", + "Case": "Gen", + }, + "AjBaNeSgNm": { + POS: ADJ, + "Degree": "", + "Gender": "Neut", + "Number": "Sing", + "Case": "Nom", + }, + "AjBaNeSgVo": { + POS: ADJ, + "Degree": "", + "Gender": "Neut", + "Number": "Sing", + "Case": "Voc", + }, + "AjCpFePlAc": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Fem", + "Number": "Plur", + "Case": "Acc", + }, + "AjCpFePlDa": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Fem", + "Number": "Plur", + "Case": "Dat", + }, + "AjCpFePlGe": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Fem", + "Number": "Plur", + "Case": "Gen", + }, + "AjCpFePlNm": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Fem", + "Number": "Plur", + "Case": "Nom", + }, + "AjCpFePlVo": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Fem", + "Number": "Plur", + "Case": "Voc", + }, + "AjCpFeSgAc": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Fem", + "Number": "Sing", + "Case": "Acc", + }, + "AjCpFeSgDa": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Fem", + "Number": "Sing", + "Case": "Dat", + }, + "AjCpFeSgGe": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Fem", + "Number": "Sing", + "Case": "Gen", + }, + "AjCpFeSgNm": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Fem", + "Number": "Sing", + "Case": "Nom", + }, + "AjCpFeSgVo": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Fem", + "Number": "Sing", + "Case": "Voc", + }, + "AjCpMaPlAc": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Masc", + "Number": "Plur", + "Case": "Acc", + }, + "AjCpMaPlDa": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Masc", + "Number": "Plur", + "Case": "Dat", + }, + "AjCpMaPlGe": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Masc", + "Number": "Plur", + "Case": "Gen", + }, + "AjCpMaPlNm": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Masc", + "Number": "Plur", + "Case": "Nom", + }, + "AjCpMaPlVo": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Masc", + "Number": "Plur", + "Case": "Voc", + }, + "AjCpMaSgAc": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Masc", + "Number": "Sing", + "Case": "Acc", + }, + "AjCpMaSgDa": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Masc", + "Number": "Sing", + "Case": "Dat", + }, + "AjCpMaSgGe": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Masc", + "Number": "Sing", + "Case": "Gen", + }, + "AjCpMaSgNm": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Masc", + "Number": "Sing", + "Case": "Nom", + }, + "AjCpMaSgVo": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Masc", + "Number": "Sing", + "Case": "Voc", + }, + "AjCpNePlAc": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Neut", + "Number": "Plur", + "Case": "Acc", + }, + "AjCpNePlDa": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Neut", + "Number": "Plur", + "Case": "Dat", + }, + "AjCpNePlGe": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Neut", + "Number": "Plur", + "Case": "Gen", + }, + "AjCpNePlNm": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Neut", + "Number": "Plur", + "Case": "Nom", + }, + "AjCpNePlVo": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Neut", + "Number": "Plur", + "Case": "Voc", + }, + "AjCpNeSgAc": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Neut", + "Number": "Sing", + "Case": "Acc", + }, + "AjCpNeSgDa": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Neut", + "Number": "Sing", + "Case": "Dat", + }, + "AjCpNeSgGe": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Neut", + "Number": "Sing", + "Case": "Gen", + }, + "AjCpNeSgNm": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Neut", + "Number": "Sing", + "Case": "Nom", + }, + "AjCpNeSgVo": { + POS: ADJ, + "Degree": "Cmp", + "Gender": "Neut", + "Number": "Sing", + "Case": "Voc", + }, + "AjSuFePlAc": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Fem", + "Number": "Plur", + "Case": "Acc", + }, + "AjSuFePlDa": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Fem", + "Number": "Plur", + "Case": "Dat", + }, + "AjSuFePlGe": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Fem", + "Number": "Plur", + "Case": "Gen", + }, + "AjSuFePlNm": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Fem", + "Number": "Plur", + "Case": "Nom", + }, + "AjSuFePlVo": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Fem", + "Number": "Plur", + "Case": "Voc", + }, + "AjSuFeSgAc": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Fem", + "Number": "Sing", + "Case": "Acc", + }, + "AjSuFeSgDa": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Fem", + "Number": "Sing", + "Case": "Dat", + }, + "AjSuFeSgGe": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Fem", + "Number": "Sing", + "Case": "Gen", + }, + "AjSuFeSgNm": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Fem", + "Number": "Sing", + "Case": "Nom", + }, + "AjSuFeSgVo": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Fem", + "Number": "Sing", + "Case": "Voc", + }, + "AjSuMaPlAc": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Masc", + "Number": "Plur", + "Case": "Acc", + }, + "AjSuMaPlDa": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Masc", + "Number": "Plur", + "Case": "Dat", + }, + "AjSuMaPlGe": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Masc", + "Number": "Plur", + "Case": "Gen", + }, + "AjSuMaPlNm": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Masc", + "Number": "Plur", + "Case": "Nom", + }, + "AjSuMaPlVo": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Masc", + "Number": "Plur", + "Case": "Voc", + }, + "AjSuMaSgAc": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Masc", + "Number": "Sing", + "Case": "Acc", + }, + "AjSuMaSgDa": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Masc", + "Number": "Sing", + "Case": "Dat", + }, + "AjSuMaSgGe": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Masc", + "Number": "Sing", + "Case": "Gen", + }, + "AjSuMaSgNm": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Masc", + "Number": "Sing", + "Case": "Nom", + }, + "AjSuMaSgVo": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Masc", + "Number": "Sing", + "Case": "Voc", + }, + "AjSuNePlAc": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Neut", + "Number": "Plur", + "Case": "Acc", + }, + "AjSuNePlDa": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Neut", + "Number": "Plur", + "Case": "Dat", + }, + "AjSuNePlGe": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Neut", + "Number": "Plur", + "Case": "Gen", + }, + "AjSuNePlNm": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Neut", + "Number": "Plur", + "Case": "Nom", + }, + "AjSuNePlVo": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Neut", + "Number": "Plur", + "Case": "Voc", + }, + "AjSuNeSgAc": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Neut", + "Number": "Sing", + "Case": "Acc", + }, + "AjSuNeSgDa": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Neut", + "Number": "Sing", + "Case": "Dat", + }, + "AjSuNeSgGe": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Neut", + "Number": "Sing", + "Case": "Gen", + }, + "AjSuNeSgNm": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Neut", + "Number": "Sing", + "Case": "Nom", + }, + "AjSuNeSgVo": { + POS: ADJ, + "Degree": "Sup", + "Gender": "Neut", + "Number": "Sing", + "Case": "Voc", + }, + "AsPpPaFePlAc": {POS: ADP, "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, + "AsPpPaFePlGe": {POS: ADP, "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, + "AsPpPaFeSgAc": {POS: ADP, "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, + "AsPpPaFeSgGe": {POS: ADP, "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, + "AsPpPaMaPlAc": {POS: ADP, "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, + "AsPpPaMaPlGe": {POS: ADP, "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, + "AsPpPaMaSgAc": {POS: ADP, "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, + "AsPpPaMaSgGe": {POS: ADP, "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, + "AsPpPaNePlAc": {POS: ADP, "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, + "AsPpPaNePlGe": {POS: ADP, "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, + "AsPpPaNeSgAc": {POS: ADP, "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, + "AsPpPaNeSgGe": {POS: ADP, "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, + "AsPpSp": {POS: ADP}, + "AtDfFePlAc": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Plur", + "Case": "Acc", + "Other": {"Definite": "Def"}, + }, + "AtDfFePlGe": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Plur", + "Case": "Gen", + "Other": {"Definite": "Def"}, + }, + "AtDfFePlNm": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Plur", + "Case": "Nom", + "Other": {"Definite": "Def"}, + }, + "AtDfFeSgAc": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Sing", + "Case": "Acc", + "Other": {"Definite": "Def"}, + }, + "AtDfFeSgDa": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Sing", + "Case": "Dat", + "Other": {"Definite": "Def"}, + }, + "AtDfFeSgGe": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Sing", + "Case": "Gen", + "Other": {"Definite": "Def"}, + }, + "AtDfFeSgNm": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Sing", + "Case": "Nom", + "Other": {"Definite": "Def"}, + }, + "AtDfMaPlAc": { + POS: DET, + "PronType": "Art", + "Gender": "Masc", + "Number": "Plur", + "Case": "Acc", + "Other": {"Definite": "Def"}, + }, + "AtDfMaPlGe": { + POS: DET, + "PronType": "Art", + "Gender": "Masc", + "Number": "Plur", + "Case": "Gen", + "Other": {"Definite": "Def"}, + }, + "AtDfMaPlNm": { + POS: DET, + "PronType": "Art", + "Gender": "Masc", + "Number": "Plur", + "Case": "Nom", + "Other": {"Definite": "Def"}, + }, + "AtDfMaSgAc": { + POS: DET, + "PronType": "Art", + "Gender": "Masc", + "Number": "Sing", + "Case": "Acc", + "Other": {"Definite": "Def"}, + }, + "AtDfMaSgDa": { + POS: DET, + "PronType": "Art", + "Gender": "Masc", + "Number": "Sing", + "Case": "Dat", + "Other": {"Definite": "Def"}, + }, + "AtDfMaSgGe": { + POS: DET, + "PronType": "Art", + "Gender": "Masc", + "Number": "Sing", + "Case": "Gen", + "Other": {"Definite": "Def"}, + }, + "AtDfMaSgNm": { + POS: DET, + "PronType": "Art", + "Gender": "Masc", + "Number": "Sing", + "Case": "Nom", + "Other": {"Definite": "Def"}, + }, + "AtDfNePlAc": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Plur", + "Case": "Acc", + "Other": {"Definite": "Def"}, + }, + "AtDfNePlDa": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Plur", + "Case": "Dat", + "Other": {"Definite": "Def"}, + }, + "AtDfNePlGe": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Plur", + "Case": "Gen", + "Other": {"Definite": "Def"}, + }, + "AtDfNePlNm": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Plur", + "Case": "Nom", + "Other": {"Definite": "Def"}, + }, + "AtDfNeSgAc": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Sing", + "Case": "Acc", + "Other": {"Definite": "Def"}, + }, + "AtDfNeSgDa": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Sing", + "Case": "Dat", + "Other": {"Definite": "Def"}, + }, + "AtDfNeSgGe": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Sing", + "Case": "Gen", + "Other": {"Definite": "Def"}, + }, + "AtDfNeSgNm": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Sing", + "Case": "Nom", + "Other": {"Definite": "Def"}, + }, + "AtIdFeSgAc": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Sing", + "Case": "Acc", + "Other": {"Definite": "Ind"}, + }, + "AtIdFeSgDa": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Sing", + "Case": "Dat", + "Other": {"Definite": "Ind"}, + }, + "AtIdFeSgGe": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Sing", + "Case": "Gen", + "Other": {"Definite": "Ind"}, + }, + "AtIdFeSgNm": { + POS: DET, + "PronType": "Art", + "Gender": "Fem", + "Number": "Sing", + "Case": "Nom", + "Other": {"Definite": "Ind"}, + }, + "AtIdMaSgAc": { + POS: DET, + "PronType": "Art", + "Gender": "Masc", + "Number": "Sing", + "Case": "Acc", + "Other": {"Definite": "Ind"}, + }, + "AtIdMaSgGe": { + POS: DET, + "PronType": "Art", + "Gender": "Masc", + "Number": "Sing", + "Case": "Gen", + "Other": {"Definite": "Ind"}, + }, + "AtIdMaSgNm": { + POS: DET, + "PronType": "Art", + "Gender": "Masc", + "Number": "Sing", + "Case": "Nom", + "Other": {"Definite": "Ind"}, + }, + "AtIdNeSgAc": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Sing", + "Case": "Acc", + "Other": {"Definite": "Ind"}, + }, + "AtIdNeSgGe": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Sing", + "Case": "Gen", + "Other": {"Definite": "Ind"}, + }, + "AtIdNeSgNm": { + POS: DET, + "PronType": "Art", + "Gender": "Neut", + "Number": "Sing", + "Case": "Nom", + "Other": {"Definite": "Ind"}, + }, + "CjCo": {POS: CCONJ}, + "CjSb": {POS: SCONJ}, + "CPUNCT": {POS: PUNCT}, + "DATE": {POS: NUM}, + "DIG": {POS: NUM}, + "ENUM": {POS: NUM}, + "Ij": {POS: INTJ}, + "INIT": {POS: SYM}, + "NBABBR": {POS: NOUN, "Abbr": "Yes"}, + "NmAnFePlAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Acc", + }, + "NmAnFePlGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Gen", + }, + "NmAnFePlNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Nom", + }, + "NmAnFePlVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Voc", + }, + "NmAnFeSgAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Sing", + "Case": "Acc", + }, + "NmAnFeSgGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Sing", + "Case": "Gen", + }, + "NmAnFeSgNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Sing", + "Case": "Nom", + }, + "NmAnFeSgVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Sing", + "Case": "Voc", + }, + "NmAnMaPlAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Plur", + "Case": "Acc", + }, + "NmAnMaPlGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Plur", + "Case": "Gen", + }, + "NmAnMaPlNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Plur", + "Case": "Nom", + }, + "NmAnMaPlVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Plur", + "Case": "Voc", + }, + "NmAnMaSgAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Sing", + "Case": "Acc", + }, + "NmAnMaSgGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Sing", + "Case": "Gen", + }, + "NmAnMaSgNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Sing", + "Case": "Nom", + }, + "NmAnMaSgVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Sing", + "Case": "Voc", + }, + "NmAnNePlAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Plur", + "Case": "Acc", + }, + "NmAnNePlGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Plur", + "Case": "Gen", + }, + "NmAnNePlNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Plur", + "Case": "Nom", + }, + "NmAnNePlVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Plur", + "Case": "Voc", + }, + "NmAnNeSgAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Sing", + "Case": "Acc", + }, + "NmAnNeSgGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Sing", + "Case": "Gen", + }, + "NmAnNeSgNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Sing", + "Case": "Nom", + }, + "NmAnNeSgVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Sing", + "Case": "Voc", + }, + "NmAnXxXxXxAd": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc|Fem|Neut", + "Number": "Sing|Plur", + "Case": "Acc|Gen|Nom|Voc", + }, + "NmCdFePlAcAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Fem", + "Number": "Plur", + "Case": "Acc", + }, + "NmCdFePlGeAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Fem", + "Number": "Plur", + "Case": "Gen", + }, + "NmCdFePlNmAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Fem", + "Number": "Plur", + "Case": "Nom", + }, + "NmCdFePlVoAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Fem", + "Number": "Plur", + "Case": "Voc", + }, + "NmCdFeSgAcAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Fem", + "Number": "Sing", + "Case": "Acc", + }, + "NmCdFeSgDaAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Fem", + "Number": "Sing", + "Case": "Dat", + }, + "NmCdFeSgGeAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Fem", + "Number": "Sing", + "Case": "Gen", + }, + "NmCdFeSgNmAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Fem", + "Number": "Sing", + "Case": "Nom", + }, + "NmCdMaPlAcAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Masc", + "Number": "Plur", + "Case": "Acc", + }, + "NmCdMaPlGeAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Masc", + "Number": "Plur", + "Case": "Gen", + }, + "NmCdMaPlNmAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Masc", + "Number": "Plur", + "Case": "Nom", + }, + "NmCdMaPlVoAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Masc", + "Number": "Plur", + "Case": "Voc", + }, + "NmCdMaSgAcAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Masc", + "Number": "Sing", + "Case": "Acc", + }, + "NmCdMaSgGeAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Masc", + "Number": "Sing", + "Case": "Gen", + }, + "NmCdMaSgNmAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Masc", + "Number": "Sing", + "Case": "Nom", + }, + "NmCdNePlAcAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Neut", + "Number": "Plur", + "Case": "Acc", + }, + "NmCdNePlDaAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Neut", + "Number": "Plur", + "Case": "Dat", + }, + "NmCdNePlGeAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Neut", + "Number": "Plur", + "Case": "Gen", + }, + "NmCdNePlNmAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Neut", + "Number": "Plur", + "Case": "Nom", + }, + "NmCdNePlVoAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Neut", + "Number": "Plur", + "Case": "Voc", + }, + "NmCdNeSgAcAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Neut", + "Number": "Sing", + "Case": "Acc", + }, + "NmCdNeSgGeAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Neut", + "Number": "Sing", + "Case": "Gen", + }, + "NmCdNeSgNmAj": { + POS: NUM, + "NumType": "Card", + "Gender": "Neut", + "Number": "Sing", + "Case": "Nom", + }, + "NmCtFePlAcNo": { + POS: NUM, + "NumType": "Sets", + "Gender": "Fem", + "Number": "Plur", + "Case": "Acc", + }, + "NmCtFePlGeNo": { + POS: NUM, + "NumType": "Sets", + "Gender": "Fem", + "Number": "Plur", + "Case": "Gen", + }, + "NmCtFePlNmNo": { + POS: NUM, + "NumType": "Sets", + "Gender": "Fem", + "Number": "Plur", + "Case": "Nom", + }, + "NmCtFePlVoNo": { + POS: NUM, + "NumType": "Sets", + "Gender": "Fem", + "Number": "Plur", + "Case": "Voc", + }, + "NmCtFeSgAcNo": { + POS: NUM, + "NumType": "Sets", + "Gender": "Fem", + "Number": "Sing", + "Case": "Acc", + }, + "NmCtFeSgGeNo": { + POS: NUM, + "NumType": "Sets", + "Gender": "Fem", + "Number": "Sing", + "Case": "Gen", + }, + "NmCtFeSgNmNo": { + POS: NUM, + "NumType": "Sets", + "Gender": "Fem", + "Number": "Sing", + "Case": "Nom", + }, + "NmCtFeSgVoNo": { + POS: NUM, + "NumType": "Sets", + "Gender": "Fem", + "Number": "Sing", + "Case": "Voc", + }, + "NmMlFePlAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Acc", + }, + "NmMlFePlGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Gen", + }, + "NmMlFePlNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Nom", + }, + "NmMlFePlVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Voc", + }, + "NmMlFeSgAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Sing", + "Case": "Acc", + }, + "NmMlFeSgGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Sing", + "Case": "Gen", + }, + "NmMlFeSgNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Sing", + "Case": "Nom", + }, + "NmMlFeSgVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Sing", + "Case": "Voc", + }, + "NmMlMaPlAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Plur", + "Case": "Acc", + }, + "NmMlMaPlGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Plur", + "Case": "Gen", + }, + "NmMlMaPlNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Plur", + "Case": "Nom", + }, + "NmMlMaPlVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Plur", + "Case": "Voc", + }, + "NmMlMaSgAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Sing", + "Case": "Acc", + }, + "NmMlMaSgGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Sing", + "Case": "Gen", + }, + "NmMlMaSgNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Sing", + "Case": "Nom", + }, + "NmMlMaSgVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc", + "Number": "Sing", + "Case": "Voc", + }, + "NmMlNePlAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Plur", + "Case": "Acc", + }, + "NmMlNePlGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Plur", + "Case": "Gen", + }, + "NmMlNePlNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Plur", + "Case": "Nom", + }, + "NmMlNePlVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Plur", + "Case": "Voc", + }, + "NmMlNeSgAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Sing", + "Case": "Acc", + }, + "NmMlNeSgGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Sing", + "Case": "Gen", + }, + "NmMlNeSgNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Sing", + "Case": "Nom", + }, + "NmMlNeSgVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Neut", + "Number": "Sing", + "Case": "Voc", + }, + "NmMlXxXxXxAd": { + POS: NUM, + "NumType": "Mult", + "Gender": "Masc|Fem|Neut", + "Number": "Sing|Plur", + "Case": "Acc|Gen|Nom|Voc", + }, + "NmOdFePlAcAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Acc", + }, + "NmOdFePlGeAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Gen", + }, + "NmOdFePlNmAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Nom", + }, + "NmOdFePlVoAj": { + POS: NUM, + "NumType": "Mult", + "Gender": "Fem", + "Number": "Plur", + "Case": "Voc", + }, + "NmOdFeSgAcAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Fem", + "Number": "Sing", + "Case": "Acc", + }, + "NmOdFeSgGeAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Fem", + "Number": "Sing", + "Case": "Gen", + }, + "NmOdFeSgNmAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Fem", + "Number": "Sing", + "Case": "Nom", + }, + "NmOdFeSgVoAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Fem", + "Number": "Sing", + "Case": "Voc", + }, + "NmOdMaPlAcAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Masc", + "Number": "Plur", + "Case": "Acc", + }, + "NmOdMaPlGeAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Masc", + "Number": "Plur", + "Case": "Gen", + }, + "NmOdMaPlNmAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Masc", + "Number": "Plur", + "Case": "Nom", + }, + "NmOdMaPlVoAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Masc", + "Number": "Plur", + "Case": "Voc", + }, + "NmOdMaSgAcAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Masc", + "Number": "Sing", + "Case": "Acc", + }, + "NmOdMaSgGeAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Masc", + "Number": "Sing", + "Case": "Gen", + }, + "NmOdMaSgNmAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Masc", + "Number": "Sing", + "Case": "Nom", + }, + "NmOdMaSgVoAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Masc", + "Number": "Sing", + "Case": "Voc", + }, + "NmOdNePlAcAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Neut", + "Number": "Plur", + "Case": "Acc", + }, + "NmOdNePlGeAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Neut", + "Number": "Plur", + "Case": "Gen", + }, + "NmOdNePlNmAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Neut", + "Number": "Plur", + "Case": "Nom", + }, + "NmOdNePlVoAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Neut", + "Number": "Plur", + "Case": "Voc", + }, + "NmOdNeSgAcAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Neut", + "Number": "Sing", + "Case": "Acc", + }, + "NmOdNeSgGeAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Neut", + "Number": "Sing", + "Case": "Gen", + }, + "NmOdNeSgNmAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Neut", + "Number": "Sing", + "Case": "Nom", + }, + "NmOdNeSgVoAj": { + POS: NUM, + "NumType": "Ord", + "Gender": "Neut", + "Number": "Sing", + "Case": "Voc", + }, + "NoCmFePlAc": {POS: NOUN, "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, + "NoCmFePlDa": {POS: NOUN, "Gender": "Fem", "Number": "Plur", "Case": "Dat"}, + "NoCmFePlGe": {POS: NOUN, "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, + "NoCmFePlNm": {POS: NOUN, "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, + "NoCmFePlVo": {POS: NOUN, "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, + "NoCmFeSgAc": {POS: NOUN, "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, + "NoCmFeSgDa": {POS: NOUN, "Gender": "Fem", "Number": "Sing", "Case": "Dat"}, + "NoCmFeSgGe": {POS: NOUN, "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, + "NoCmFeSgNm": {POS: NOUN, "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, + "NoCmFeSgVo": {POS: NOUN, "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, + "NoCmMaPlAc": {POS: NOUN, "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, + "NoCmMaPlDa": {POS: NOUN, "Gender": "Masc", "Number": "Plur", "Case": "Dat"}, + "NoCmMaPlGe": {POS: NOUN, "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, + "NoCmMaPlNm": {POS: NOUN, "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, + "NoCmMaPlVo": {POS: NOUN, "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, + "NoCmMaSgAc": {POS: NOUN, "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, + "NoCmMaSgDa": {POS: NOUN, "Gender": "Masc", "Number": "Sing", "Case": "Dat"}, + "NoCmMaSgGe": {POS: NOUN, "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, + "NoCmMaSgNm": {POS: NOUN, "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, + "NoCmMaSgVo": {POS: NOUN, "Gender": "Masc", "Number": "Sing", "Case": "Voc"}, + "NoCmNePlAc": {POS: NOUN, "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, + "NoCmNePlDa": {POS: NOUN, "Gender": "Neut", "Number": "Plur", "Case": "Dat"}, + "NoCmNePlGe": {POS: NOUN, "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, + "NoCmNePlNm": {POS: NOUN, "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, + "NoCmNePlVo": {POS: NOUN, "Gender": "Neut", "Number": "Plur", "Case": "Voc"}, + "NoCmNeSgAc": {POS: NOUN, "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, + "NoCmNeSgDa": {POS: NOUN, "Gender": "Neut", "Number": "Sing", "Case": "Dat"}, + "NoCmNeSgGe": {POS: NOUN, "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, + "NoCmNeSgNm": {POS: NOUN, "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, + "NoCmNeSgVo": {POS: NOUN, "Gender": "Neut", "Number": "Sing", "Case": "Voc"}, + "NoPrFePlAc": {POS: PROPN, "Gender": "Fem", "Number": "Plur", "Case": "Acc"}, + "NoPrFePlDa": {POS: PROPN, "Gender": "Fem", "Number": "Plur", "Case": "Dat"}, + "NoPrFePlGe": {POS: PROPN, "Gender": "Fem", "Number": "Plur", "Case": "Gen"}, + "NoPrFePlNm": {POS: PROPN, "Gender": "Fem", "Number": "Plur", "Case": "Nom"}, + "NoPrFePlVo": {POS: PROPN, "Gender": "Fem", "Number": "Plur", "Case": "Voc"}, + "NoPrFeSgAc": {POS: PROPN, "Gender": "Fem", "Number": "Sing", "Case": "Acc"}, + "NoPrFeSgDa": {POS: PROPN, "Gender": "Fem", "Number": "Sing", "Case": "Dat"}, + "NoPrFeSgGe": {POS: PROPN, "Gender": "Fem", "Number": "Sing", "Case": "Gen"}, + "NoPrFeSgNm": {POS: PROPN, "Gender": "Fem", "Number": "Sing", "Case": "Nom"}, + "NoPrFeSgVo": {POS: PROPN, "Gender": "Fem", "Number": "Sing", "Case": "Voc"}, + "NoPrMaPlAc": {POS: PROPN, "Gender": "Masc", "Number": "Plur", "Case": "Acc"}, + "NoPrMaPlGe": {POS: PROPN, "Gender": "Masc", "Number": "Plur", "Case": "Gen"}, + "NoPrMaPlNm": {POS: PROPN, "Gender": "Masc", "Number": "Plur", "Case": "Nom"}, + "NoPrMaPlVo": {POS: PROPN, "Gender": "Masc", "Number": "Plur", "Case": "Voc"}, + "NoPrMaSgAc": {POS: PROPN, "Gender": "Masc", "Number": "Sing", "Case": "Acc"}, + "NoPrMaSgDa": {POS: PROPN, "Gender": "Masc", "Number": "Sing", "Case": "Dat"}, + "NoPrMaSgGe": {POS: PROPN, "Gender": "Masc", "Number": "Sing", "Case": "Gen"}, + "NoPrMaSgNm": {POS: PROPN, "Gender": "Masc", "Number": "Sing", "Case": "Nom"}, + "NoPrMaSgVo": {POS: PROPN, "Gender": "Masc", "Number": "Sing", "Case": "Voc"}, + "NoPrNePlAc": {POS: PROPN, "Gender": "Neut", "Number": "Plur", "Case": "Acc"}, + "NoPrNePlGe": {POS: PROPN, "Gender": "Neut", "Number": "Plur", "Case": "Gen"}, + "NoPrNePlNm": {POS: PROPN, "Gender": "Neut", "Number": "Plur", "Case": "Nom"}, + "NoPrNeSgAc": {POS: PROPN, "Gender": "Neut", "Number": "Sing", "Case": "Acc"}, + "NoPrNeSgGe": {POS: PROPN, "Gender": "Neut", "Number": "Sing", "Case": "Gen"}, + "NoPrNeSgNm": {POS: PROPN, "Gender": "Neut", "Number": "Sing", "Case": "Nom"}, + "OPUNCT": {POS: PUNCT}, + "PnDfFe03PlAcXx": { + POS: PRON, + "PronType": "", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnDfFe03SgAcXx": { + POS: PRON, + "PronType": "", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnDfMa03PlGeXx": { + POS: PRON, + "PronType": "", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnDmFe03PlAcXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnDmFe03PlGeXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnDmFe03PlNmXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnDmFe03SgAcXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnDmFe03SgDaXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Dat", + }, + "PnDmFe03SgGeXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnDmFe03SgNmXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnDmMa03PlAcXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnDmMa03PlDaXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Dat", + }, + "PnDmMa03PlGeXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnDmMa03PlNmXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnDmMa03SgAcXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnDmMa03SgGeXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnDmMa03SgNmXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnDmNe03PlAcXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnDmNe03PlDaXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Dat", + }, + "PnDmNe03PlGeXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnDmNe03PlNmXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnDmNe03SgAcXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnDmNe03SgDaXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Dat", + }, + "PnDmNe03SgGeXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnDmNe03SgNmXx": { + POS: PRON, + "PronType": "Dem", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnIdFe03PlAcXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnIdFe03PlGeXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnIdFe03PlNmXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnIdFe03SgAcXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnIdFe03SgGeXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnIdFe03SgNmXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnIdMa03PlAcXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnIdMa03PlGeXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnIdMa03PlNmXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnIdMa03SgAcXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnIdMa03SgGeXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnIdMa03SgNmXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnIdNe03PlAcXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnIdNe03PlGeXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnIdNe03PlNmXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnIdNe03SgAcXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnIdNe03SgDaXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Dat", + }, + "PnIdNe03SgGeXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnIdNe03SgNmXx": { + POS: PRON, + "PronType": "Ind", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnIrFe03PlAcXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnIrFe03PlGeXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnIrFe03PlNmXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnIrFe03SgAcXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnIrFe03SgGeXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnIrFe03SgNmXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnIrMa03PlAcXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnIrMa03PlGeXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnIrMa03PlNmXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnIrMa03SgAcXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnIrMa03SgGeXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnIrMa03SgNmXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnIrNe03PlAcXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnIrNe03PlGeXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnIrNe03PlNmXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnIrNe03SgAcXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnIrNe03SgGeXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnIrNe03SgNmXx": { + POS: PRON, + "PronType": "Int", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnPeFe01PlAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "1", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeFe01PlAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "1", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeFe01PlGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "1", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeFe01PlNmSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "1", + "Number": "Plur", + "Case": "Nom", + }, + "PnPeFe01SgAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "1", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeFe01SgAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "1", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeFe01SgGeSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "1", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeFe01SgGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "1", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeFe01SgNmSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "1", + "Number": "Sing", + "Case": "Nom", + }, + "PnPeFe02PlAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "2", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeFe02PlAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "2", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeFe02PlGeSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "2", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeFe02PlGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "2", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeFe02PlNmSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "2", + "Number": "Plur", + "Case": "Nom", + }, + "PnPeFe02SgAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "2", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeFe02SgAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "2", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeFe02SgGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "2", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeFe02SgNmSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "2", + "Number": "Sing", + "Case": "Nom", + }, + "PnPeFe03PlAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeFe03PlAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeFe03PlGeSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeFe03PlGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeFe03PlNmSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnPeFe03SgAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeFe03SgAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeFe03SgGeSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeFe03SgGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeMa01PlAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeMa01PlAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeMa01PlDaSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Plur", + "Case": "Dat", + }, + "PnPeMa01PlGeSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeMa01PlGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeMa01PlNmSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Plur", + "Case": "Nom", + }, + "PnPeMa01SgAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeMa01SgAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeMa01SgGeSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeMa01SgGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeMa01SgNmSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "1", + "Number": "Sing", + "Case": "Nom", + }, + "PnPeMa02PlAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "2", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeMa02PlAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "2", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeMa02PlGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "2", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeMa02PlNmSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "2", + "Number": "Plur", + "Case": "Nom", + }, + "PnPeMa02PlVoSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "2", + "Number": "Plur", + "Case": "Voc", + }, + "PnPeMa02SgAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "2", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeMa02SgAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "2", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeMa02SgGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "2", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeMa02SgNmSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "2", + "Number": "Sing", + "Case": "Nom", + }, + "PnPeMa03PlAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeMa03PlGeSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeMa03PlGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeMa03PlNmSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnPeMa03SgAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeMa03SgAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeMa03SgGeSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeMa03SgGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeMa03SgNmWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnPeNe03PlAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnPeNe03PlGeSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeNe03PlGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnPeNe03SgAcSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeNe03SgAcWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnPeNe03SgGeSt": { + POS: PRON, + "PronType": "Prs", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnPeNe03SgGeWe": { + POS: PRON, + "PronType": "Prs", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnPoFe01PlGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Fem", + "Person": "1", + "Number": "Plur", + "Case": "Gen", + }, + "PnPoFe01SgGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Fem", + "Person": "1", + "Number": "Sing", + "Case": "Gen", + }, + "PnPoFe02PlGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Fem", + "Person": "2", + "Number": "Plur", + "Case": "Gen", + }, + "PnPoFe02SgGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Fem", + "Person": "2", + "Number": "Sing", + "Case": "Gen", + }, + "PnPoFe03PlGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnPoFe03SgGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnPoMa01PlGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Masc", + "Person": "1", + "Number": "Plur", + "Case": "Gen", + }, + "PnPoMa01SgGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Masc", + "Person": "1", + "Number": "Sing", + "Case": "Gen", + }, + "PnPoMa02PlGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Masc", + "Person": "2", + "Number": "Plur", + "Case": "Gen", + }, + "PnPoMa02SgGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Masc", + "Person": "2", + "Number": "Sing", + "Case": "Gen", + }, + "PnPoMa03PlGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnPoMa03SgGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnPoNe03PlGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnPoNe03SgGeXx": { + POS: PRON, + "Poss": "Yes", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnReFe03PlAcXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnReFe03PlGeXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnReFe03PlNmXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnReFe03SgAcXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnReFe03SgGeXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnReFe03SgNmXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnReMa03PlAcXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnReMa03PlGeXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnReMa03PlNmXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnReMa03SgAcXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnReMa03SgGeXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnReMa03SgNmXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnReNe03PlAcXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnReNe03PlGeXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnReNe03PlNmXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnReNe03SgAcXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnReNe03SgGeXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnReNe03SgNmXx": { + POS: PRON, + "PronType": "Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnRiFe03PlAcXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnRiFe03PlGeXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnRiFe03PlNmXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnRiFe03SgAcXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnRiFe03SgGeXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnRiFe03SgNmXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Fem", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnRiMa03PlAcXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnRiMa03PlGeXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnRiMa03PlNmXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnRiMa03SgAcXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnRiMa03SgGeXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnRiMa03SgNmXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Masc", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PnRiNe03PlAcXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Acc", + }, + "PnRiNe03PlGeXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Gen", + }, + "PnRiNe03PlNmXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Plur", + "Case": "Nom", + }, + "PnRiNe03SgAcXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Acc", + }, + "PnRiNe03SgGeXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Gen", + }, + "PnRiNe03SgNmXx": { + POS: PRON, + "PronType": "Ind,Rel", + "Gender": "Neut", + "Person": "3", + "Number": "Sing", + "Case": "Nom", + }, + "PTERM_P": {POS: PUNCT}, + "PtFu": {POS: PART}, + "PtNg": {POS: PART}, + "PtOt": {POS: PART}, + "PtSj": {POS: PART}, + "Pu": {POS: SYM}, + "PUNCT": {POS: PUNCT}, + "RgAbXx": {POS: X}, + "RgAnXx": {POS: X}, + "RgFwOr": {POS: X, "Foreign": "Yes"}, + "RgFwTr": {POS: X, "Foreign": "Yes"}, + "RgSyXx": {POS: SYM}, + "VbIsIdPa03SgXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbIsIdPa03SgXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbIsIdPa03SgXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbIsIdPa03SgXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbIsIdPr03SgXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbIsIdPr03SgXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbIsIdXx03SgXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbIsIdXx03SgXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbIsNfXxXxXxXxPeAvXx": { + POS: VERB, + "VerbForm": "Inf", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing|Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa01PlXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "1", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa01PlXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "1", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa01PlXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "1", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa01PlXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "1", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa01SgXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "1", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa01SgXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "1", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa01SgXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa01SgXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "1", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa02PlXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa02PlXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa02PlXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa02PlXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa02SgXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa02SgXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa02SgXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa02SgXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa03PlXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa03PlXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa03PlXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa03PlXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa03SgXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa03SgXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa03SgXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPa03SgXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr01PlXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "1", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr01PlXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "1", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr01SgXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "1", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr01SgXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "1", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr02PlXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr02PlXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr02SgXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr02SgXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr03PlXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "3", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr03PlXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "3", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr03SgXxIpAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdPr03SgXxIpPvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx01PlXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "1", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx01PlXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "1", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx01SgXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "1", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx01SgXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "1", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx02PlXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx02PlXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx02SgXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx02SgXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx03PlXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "3", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx03PlXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "3", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx03SgXxPeAvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnIdXx03SgXxPePvXx": { + POS: VERB, + "VerbForm": "Fin", + "Mood": "Ind", + "Tense": "Pres|Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnMpXx02PlXxIpAvXx": { + POS: VERB, + "VerbForm": "", + "Mood": "Imp", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnMpXx02PlXxIpPvXx": { + POS: VERB, + "VerbForm": "", + "Mood": "Imp", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnMpXx02PlXxPeAvXx": { + POS: VERB, + "VerbForm": "", + "Mood": "Imp", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnMpXx02PlXxPePvXx": { + POS: VERB, + "VerbForm": "", + "Mood": "Imp", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnMpXx02SgXxIpAvXx": { + POS: VERB, + "VerbForm": "", + "Mood": "Imp", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnMpXx02SgXxIpPvXx": { + POS: VERB, + "VerbForm": "", + "Mood": "Imp", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnMpXx02SgXxPeAvXx": { + POS: VERB, + "VerbForm": "", + "Mood": "Imp", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnMpXx02SgXxPePvXx": { + POS: VERB, + "VerbForm": "", + "Mood": "Imp", + "Tense": "Pres|Past", + "Person": "2", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnMpXx03SgXxIpPvXx": { + POS: VERB, + "VerbForm": "", + "Mood": "Imp", + "Tense": "Pres|Past", + "Person": "3", + "Number": "Sing", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnNfXxXxXxXxPeAvXx": { + POS: VERB, + "VerbForm": "Inf", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing|Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnNfXxXxXxXxPePvXx": { + POS: VERB, + "VerbForm": "Inf", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing|Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnPpPrXxXxXxIpAvXx": { + POS: VERB, + "VerbForm": "Conv", + "Mood": "", + "Tense": "Pres", + "Person": "1|2|3", + "Number": "Sing|Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, + "VbMnPpXxXxPlFePePvAc": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Fem", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Acc", + }, + "VbMnPpXxXxPlFePePvGe": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Fem", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Gen", + }, + "VbMnPpXxXxPlFePePvNm": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Fem", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom", + }, + "VbMnPpXxXxPlFePePvVo": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Fem", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Voc", + }, + "VbMnPpXxXxPlMaPePvAc": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Masc", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Acc", + }, + "VbMnPpXxXxPlMaPePvGe": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Masc", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Gen", + }, + "VbMnPpXxXxPlMaPePvNm": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Masc", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom", + }, + "VbMnPpXxXxPlMaPePvVo": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Masc", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Voc", + }, + "VbMnPpXxXxPlNePePvAc": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Acc", + }, + "VbMnPpXxXxPlNePePvGe": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Gen", + }, + "VbMnPpXxXxPlNePePvNm": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom", + }, + "VbMnPpXxXxPlNePePvVo": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Plur", + "Gender": "Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Voc", + }, + "VbMnPpXxXxSgFePePvAc": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Fem", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Acc", + }, + "VbMnPpXxXxSgFePePvGe": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Fem", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Gen", + }, + "VbMnPpXxXxSgFePePvNm": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Fem", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom", + }, + "VbMnPpXxXxSgFePePvVo": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Fem", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Voc", + }, + "VbMnPpXxXxSgMaPePvAc": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Masc", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Acc", + }, + "VbMnPpXxXxSgMaPePvGe": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Masc", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Gen", + }, + "VbMnPpXxXxSgMaPePvNm": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Masc", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom", + }, + "VbMnPpXxXxSgMaPePvVo": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Masc", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Voc", + }, + "VbMnPpXxXxSgNePePvAc": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Acc", + }, + "VbMnPpXxXxSgNePePvGe": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Gen", + }, + "VbMnPpXxXxSgNePePvNm": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Nom", + }, + "VbMnPpXxXxSgNePePvVo": { + POS: VERB, + "VerbForm": "Part", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing", + "Gender": "Neut", + "Aspect": "Perf", + "Voice": "Pass", + "Case": "Voc", + }, + "VbMnPpXxXxXxXxIpAvXx": { + POS: VERB, + "VerbForm": "Conv", + "Mood": "", + "Tense": "Pres|Past", + "Person": "1|2|3", + "Number": "Sing|Plur", + "Gender": "Masc|Fem|Neut", + "Aspect": "Imp", + "Voice": "Act", + "Case": "Nom|Gen|Dat|Acc|Voc", + }, } diff --git a/spacy/lang/el/tag_map_general.py b/spacy/lang/el/tag_map_general.py index a32567a82..42e64a013 100644 --- a/spacy/lang/el/tag_map_general.py +++ b/spacy/lang/el/tag_map_general.py @@ -1,3 +1,4 @@ +# coding: utf8 from __future__ import unicode_literals from ...symbols import POS, ADV, NOUN, ADP, PRON, SCONJ, PROPN, DET, SYM, INTJ @@ -22,5 +23,5 @@ TAG_MAP = { "AUX": {POS: AUX}, "SPACE": {POS: SPACE}, "DET": {POS: DET}, - "X": {POS: X} + "X": {POS: X}, } diff --git a/spacy/lang/el/tokenizer_exceptions.py b/spacy/lang/el/tokenizer_exceptions.py index 2562704b0..a3c36542e 100644 --- a/spacy/lang/el/tokenizer_exceptions.py +++ b/spacy/lang/el/tokenizer_exceptions.py @@ -1,303 +1,132 @@ -# -*- coding: utf-8 -*- - +# coding: utf8 from __future__ import unicode_literals from ...symbols import ORTH, LEMMA, NORM + _exc = {} for token in ["Απ'", "ΑΠ'", "αφ'", "Αφ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "από", NORM: "από"} - ] + _exc[token] = [{ORTH: token, LEMMA: "από", NORM: "από"}] for token in ["Αλλ'", "αλλ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "αλλά", NORM: "αλλά"} - ] + _exc[token] = [{ORTH: token, LEMMA: "αλλά", NORM: "αλλά"}] for token in ["παρ'", "Παρ'", "ΠΑΡ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "παρά", NORM: "παρά"} - ] + _exc[token] = [{ORTH: token, LEMMA: "παρά", NORM: "παρά"}] for token in ["καθ'", "Καθ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "κάθε", NORM: "κάθε"} - ] + _exc[token] = [{ORTH: token, LEMMA: "κάθε", NORM: "κάθε"}] for token in ["κατ'", "Κατ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "κατά", NORM: "κατά"} - ] + _exc[token] = [{ORTH: token, LEMMA: "κατά", NORM: "κατά"}] for token in ["'ΣΟΥΝ", "'ναι", "'ταν", "'τανε", "'μαστε", "'μουνα", "'μουν"]: - _exc[token] = [ - {ORTH: token, LEMMA: "είμαι", NORM: "είμαι"} - ] + _exc[token] = [{ORTH: token, LEMMA: "είμαι", NORM: "είμαι"}] for token in ["Επ'", "επ'", "εφ'", "Εφ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "επί", NORM: "επί"} - ] + _exc[token] = [{ORTH: token, LEMMA: "επί", NORM: "επί"}] for token in ["Δι'", "δι'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "δια", NORM: "δια"} - ] + _exc[token] = [{ORTH: token, LEMMA: "δια", NORM: "δια"}] for token in ["'χουν", "'χουμε", "'χαμε", "'χα", "'χε", "'χεις", "'χει"]: - _exc[token] = [ - {ORTH: token, LEMMA: "έχω", NORM: "έχω"} - ] + _exc[token] = [{ORTH: token, LEMMA: "έχω", NORM: "έχω"}] for token in ["υπ'", "Υπ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "υπό", NORM: "υπό"} - ] + _exc[token] = [{ORTH: token, LEMMA: "υπό", NORM: "υπό"}] for token in ["Μετ'", "ΜΕΤ'", "'μετ"]: - _exc[token] = [ - {ORTH: token, LEMMA: "μετά", NORM: "μετά"} - ] + _exc[token] = [{ORTH: token, LEMMA: "μετά", NORM: "μετά"}] for token in ["Μ'", "μ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "με", NORM: "με"} - ] + _exc[token] = [{ORTH: token, LEMMA: "με", NORM: "με"}] for token in ["Γι'", "ΓΙ'", "γι'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "για", NORM: "για"} - ] + _exc[token] = [{ORTH: token, LEMMA: "για", NORM: "για"}] for token in ["Σ'", "σ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "σε", NORM: "σε"} - ] + _exc[token] = [{ORTH: token, LEMMA: "σε", NORM: "σε"}] for token in ["Θ'", "θ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "θα", NORM: "θα"} - ] + _exc[token] = [{ORTH: token, LEMMA: "θα", NORM: "θα"}] for token in ["Ν'", "ν'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "να", NORM: "να"} - ] + _exc[token] = [{ORTH: token, LEMMA: "να", NORM: "να"}] for token in ["Τ'", "τ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "να", NORM: "να"} - ] + _exc[token] = [{ORTH: token, LEMMA: "να", NORM: "να"}] for token in ["'γω", "'σένα", "'μεις"]: - _exc[token] = [ - {ORTH: token, LEMMA: "εγώ", NORM: "εγώ"} - ] + _exc[token] = [{ORTH: token, LEMMA: "εγώ", NORM: "εγώ"}] for token in ["Τ'", "τ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "το", NORM: "το"} - ] + _exc[token] = [{ORTH: token, LEMMA: "το", NORM: "το"}] for token in ["Φέρ'", "Φερ'", "φέρ'", "φερ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "φέρνω", NORM: "φέρνω"} - ] + _exc[token] = [{ORTH: token, LEMMA: "φέρνω", NORM: "φέρνω"}] for token in ["'ρθούνε", "'ρθουν", "'ρθει", "'ρθεί", "'ρθε", "'ρχεται"]: - _exc[token] = [ - {ORTH: token, LEMMA: "έρχομαι", NORM: "έρχομαι"} - ] + _exc[token] = [{ORTH: token, LEMMA: "έρχομαι", NORM: "έρχομαι"}] for token in ["'πανε", "'λεγε", "'λεγαν", "'πε", "'λεγα"]: - _exc[token] = [ - {ORTH: token, LEMMA: "λέγω", NORM: "λέγω"} - ] + _exc[token] = [{ORTH: token, LEMMA: "λέγω", NORM: "λέγω"}] for token in ["Πάρ'", "πάρ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "παίρνω", NORM: "παίρνω"} - ] + _exc[token] = [{ORTH: token, LEMMA: "παίρνω", NORM: "παίρνω"}] for token in ["μέσ'", "Μέσ'", "μεσ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "μέσα", NORM: "μέσα"} - ] + _exc[token] = [{ORTH: token, LEMMA: "μέσα", NORM: "μέσα"}] for token in ["Δέσ'", "Δεσ'", "δεσ'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "δένω", NORM: "δένω"} - ] + _exc[token] = [{ORTH: token, LEMMA: "δένω", NORM: "δένω"}] for token in ["'κανε", "Κάν'"]: - _exc[token] = [ - {ORTH: token, LEMMA: "κάνω", NORM: "κάνω"} - ] + _exc[token] = [{ORTH: token, LEMMA: "κάνω", NORM: "κάνω"}] _other_exc = { - - "κι": [ - {ORTH: "κι", LEMMA: "και", NORM: "και"}, - ], - - "Παίξ'": [ - {ORTH: "Παίξ'", LEMMA: "παίζω", NORM: "παίζω"}, - ], - - "Αντ'": [ - {ORTH: "Αντ'", LEMMA: "αντί", NORM: "αντί"}, - ], - - "ολ'": [ - {ORTH: "ολ'", LEMMA: "όλος", NORM: "όλος"}, - ], - - "ύστερ'": [ - {ORTH: "ύστερ'", LEMMA: "ύστερα", NORM: "ύστερα"}, - ], - - "'πρεπε": [ - {ORTH: "'πρεπε", LEMMA: "πρέπει", NORM: "πρέπει"}, - ], - - "Δύσκολ'": [ - {ORTH: "Δύσκολ'", LEMMA: "δύσκολος", NORM: "δύσκολος"}, - ], - - "'θελα": [ - {ORTH: "'θελα", LEMMA: "θέλω", NORM: "θέλω"}, - ], - - "'γραφα": [ - {ORTH: "'γραφα", LEMMA: "γράφω", NORM: "γράφω"}, - ], - - "'παιρνα": [ - {ORTH: "'παιρνα", LEMMA: "παίρνω", NORM: "παίρνω"}, - ], - - "'δειξε": [ - {ORTH: "'δειξε", LEMMA: "δείχνω", NORM: "δείχνω"}, - ], - - "όμουρφ'": [ - {ORTH: "όμουρφ'", LEMMA: "όμορφος", NORM: "όμορφος"}, - ], - - "κ'τσή": [ - {ORTH: "κ'τσή", LEMMA: "κουτσός", NORM: "κουτσός"}, - ], - - "μηδ'": [ - {ORTH: "μηδ'", LEMMA: "μήδε", NORM: "μήδε"}, - ], - + "κι": [{ORTH: "κι", LEMMA: "και", NORM: "και"}], + "Παίξ'": [{ORTH: "Παίξ'", LEMMA: "παίζω", NORM: "παίζω"}], + "Αντ'": [{ORTH: "Αντ'", LEMMA: "αντί", NORM: "αντί"}], + "ολ'": [{ORTH: "ολ'", LEMMA: "όλος", NORM: "όλος"}], + "ύστερ'": [{ORTH: "ύστερ'", LEMMA: "ύστερα", NORM: "ύστερα"}], + "'πρεπε": [{ORTH: "'πρεπε", LEMMA: "πρέπει", NORM: "πρέπει"}], + "Δύσκολ'": [{ORTH: "Δύσκολ'", LEMMA: "δύσκολος", NORM: "δύσκολος"}], + "'θελα": [{ORTH: "'θελα", LEMMA: "θέλω", NORM: "θέλω"}], + "'γραφα": [{ORTH: "'γραφα", LEMMA: "γράφω", NORM: "γράφω"}], + "'παιρνα": [{ORTH: "'παιρνα", LEMMA: "παίρνω", NORM: "παίρνω"}], + "'δειξε": [{ORTH: "'δειξε", LEMMA: "δείχνω", NORM: "δείχνω"}], + "όμουρφ'": [{ORTH: "όμουρφ'", LEMMA: "όμορφος", NORM: "όμορφος"}], + "κ'τσή": [{ORTH: "κ'τσή", LEMMA: "κουτσός", NORM: "κουτσός"}], + "μηδ'": [{ORTH: "μηδ'", LEMMA: "μήδε", NORM: "μήδε"}], "'ξομολογήθηκε": [ - {ORTH: "'ξομολογήθηκε", LEMMA: "εξομολογούμαι", NORM: "εξομολογούμαι"}, + {ORTH: "'ξομολογήθηκε", LEMMA: "εξομολογούμαι", NORM: "εξομολογούμαι"} ], - - "'μας": [ - {ORTH: "'μας", LEMMA: "εμάς", NORM: "εμάς"}, - ], - - "'ξερες": [ - {ORTH: "'ξερες", LEMMA: "ξέρω", NORM: "ξέρω"}, - ], - - "έφθασ'": [ - {ORTH: "έφθασ'", LEMMA: "φθάνω", NORM: "φθάνω"}, - ], - - "εξ'": [ - {ORTH: "εξ'", LEMMA: "εκ", NORM: "εκ"}, - ], - - "δώσ'": [ - {ORTH: "δώσ'", LEMMA: "δίνω", NORM: "δίνω"}, - ], - - "τίποτ'": [ - {ORTH: "τίποτ'", LEMMA: "τίποτα", NORM: "τίποτα"}, - ], - - "Λήξ'": [ - {ORTH: "Λήξ'", LEMMA: "λήγω", NORM: "λήγω"}, - ], - - "άσ'": [ - {ORTH: "άσ'", LEMMA: "αφήνω", NORM: "αφήνω"}, - ], - - "Στ'": [ - {ORTH: "Στ'", LEMMA: "στο", NORM: "στο"}, - - ], - - "Δωσ'": [ - {ORTH: "Δωσ'", LEMMA: "δίνω", NORM: "δίνω"}, - ], - - "Βάψ'": [ - {ORTH: "Βάψ'", LEMMA: "βάφω", NORM: "βάφω"}, - ], - - "Αλλ'": [ - {ORTH: "Αλλ'", LEMMA: "αλλά", NORM: "αλλά"}, - ], - - "Αμ'": [ - {ORTH: "Αμ'", LEMMA: "άμα", NORM: "άμα"}, - ], - - "Αγόρασ'": [ - {ORTH: "Αγόρασ'", LEMMA: "αγοράζω", NORM: "αγοράζω"}, - ], - - "'φύγε": [ - {ORTH: "'φύγε", LEMMA: "φεύγω", NORM: "φεύγω"}, - ], - - "'φερε": [ - {ORTH: "'φερε", LEMMA: "φέρνω", NORM: "φέρνω"}, - ], - - "'φαγε": [ - {ORTH: "'φαγε", LEMMA: "τρώω", NORM: "τρώω"}, - ], - - "'σπαγαν": [ - {ORTH: "'σπαγαν", LEMMA: "σπάω", NORM: "σπάω"}, - ], - - "'σκασε": [ - {ORTH: "'σκασε", LEMMA: "σκάω", NORM: "σκάω"}, - ], - - "'σβηνε": [ - {ORTH: "'σβηνε", LEMMA: "σβήνω", NORM: "σβήνω"}, - ], - - "'ριξε": [ - {ORTH: "'ριξε", LEMMA: "ρίχνω", NORM: "ρίχνω"}, - ], - - "'κλεβε": [ - {ORTH: "'κλεβε", LEMMA: "κλέβω", NORM: "κλέβω"}, - ], - - "'κει": [ - {ORTH: "'κει", LEMMA: "εκεί", NORM: "εκεί"}, - ], - - "'βλεπε": [ - {ORTH: "'βλεπε", LEMMA: "βλέπω", NORM: "βλέπω"}, - ], - - "'βγαινε": [ - {ORTH: "'βγαινε", LEMMA: "βγαίνω", NORM: "βγαίνω"}, - ] + "'μας": [{ORTH: "'μας", LEMMA: "εμάς", NORM: "εμάς"}], + "'ξερες": [{ORTH: "'ξερες", LEMMA: "ξέρω", NORM: "ξέρω"}], + "έφθασ'": [{ORTH: "έφθασ'", LEMMA: "φθάνω", NORM: "φθάνω"}], + "εξ'": [{ORTH: "εξ'", LEMMA: "εκ", NORM: "εκ"}], + "δώσ'": [{ORTH: "δώσ'", LEMMA: "δίνω", NORM: "δίνω"}], + "τίποτ'": [{ORTH: "τίποτ'", LEMMA: "τίποτα", NORM: "τίποτα"}], + "Λήξ'": [{ORTH: "Λήξ'", LEMMA: "λήγω", NORM: "λήγω"}], + "άσ'": [{ORTH: "άσ'", LEMMA: "αφήνω", NORM: "αφήνω"}], + "Στ'": [{ORTH: "Στ'", LEMMA: "στο", NORM: "στο"}], + "Δωσ'": [{ORTH: "Δωσ'", LEMMA: "δίνω", NORM: "δίνω"}], + "Βάψ'": [{ORTH: "Βάψ'", LEMMA: "βάφω", NORM: "βάφω"}], + "Αλλ'": [{ORTH: "Αλλ'", LEMMA: "αλλά", NORM: "αλλά"}], + "Αμ'": [{ORTH: "Αμ'", LEMMA: "άμα", NORM: "άμα"}], + "Αγόρασ'": [{ORTH: "Αγόρασ'", LEMMA: "αγοράζω", NORM: "αγοράζω"}], + "'φύγε": [{ORTH: "'φύγε", LEMMA: "φεύγω", NORM: "φεύγω"}], + "'φερε": [{ORTH: "'φερε", LEMMA: "φέρνω", NORM: "φέρνω"}], + "'φαγε": [{ORTH: "'φαγε", LEMMA: "τρώω", NORM: "τρώω"}], + "'σπαγαν": [{ORTH: "'σπαγαν", LEMMA: "σπάω", NORM: "σπάω"}], + "'σκασε": [{ORTH: "'σκασε", LEMMA: "σκάω", NORM: "σκάω"}], + "'σβηνε": [{ORTH: "'σβηνε", LEMMA: "σβήνω", NORM: "σβήνω"}], + "'ριξε": [{ORTH: "'ριξε", LEMMA: "ρίχνω", NORM: "ρίχνω"}], + "'κλεβε": [{ORTH: "'κλεβε", LEMMA: "κλέβω", NORM: "κλέβω"}], + "'κει": [{ORTH: "'κει", LEMMA: "εκεί", NORM: "εκεί"}], + "'βλεπε": [{ORTH: "'βλεπε", LEMMA: "βλέπω", NORM: "βλέπω"}], + "'βγαινε": [{ORTH: "'βγαινε", LEMMA: "βγαίνω", NORM: "βγαίνω"}], } _exc.update(_other_exc) @@ -307,12 +136,14 @@ for h in range(1, 12 + 1): for period in ["π.μ.", "πμ"]: _exc["%d%s" % (h, period)] = [ {ORTH: "%d" % h}, - {ORTH: period, LEMMA: "π.μ.", NORM: "π.μ."}] + {ORTH: period, LEMMA: "π.μ.", NORM: "π.μ."}, + ] for period in ["μ.μ.", "μμ"]: _exc["%d%s" % (h, period)] = [ {ORTH: "%d" % h}, - {ORTH: period, LEMMA: "μ.μ.", NORM: "μ.μ."}] + {ORTH: period, LEMMA: "μ.μ.", NORM: "μ.μ."}, + ] for exc_data in [ {ORTH: "ΑΓΡ.", LEMMA: "Αγροτικός", NORM: "Αγροτικός"}, @@ -339,43 +170,228 @@ for exc_data in [ for orth in [ "$ΗΠΑ", - "Α'", "Α.Ε.", "Α.Ε.Β.Ε.", "Α.Ε.Ι.", "Α.Ε.Π.", "Α.Μ.Α.", "Α.Π.Θ.", "Α.Τ.", "Α.Χ.", "ΑΝ.", "Αγ.", "Αλ.", "Αν.", - "Αντ.", "Απ.", - "Β'", "Β)", "Β.Ζ.", "Β.Ι.Ο.", "Β.Κ.", "Β.Μ.Α.", "Βασ.", - "Γ'", "Γ)", "Γ.Γ.", "Γ.Δ.", "Γκ.", - "Δ.Ε.Η.", "Δ.Ε.Σ.Ε.", "Δ.Ν.", "Δ.Ο.Υ.", "Δ.Σ.", "Δ.Υ.", "ΔΙ.ΚΑ.Τ.Σ.Α.", "Δηλ.", "Διον.", - "Ε.Α.", "Ε.Α.Κ.", "Ε.Α.Π.", "Ε.Ε.", "Ε.Κ.", "Ε.ΚΕ.ΠΙΣ.", "Ε.Λ.Α.", "Ε.Λ.Ι.Α.", "Ε.Π.Σ.", "Ε.Π.Τ.Α.", "Ε.Σ.Ε.Ε.Κ.", - "Ε.Υ.Κ.", "ΕΕ.", "ΕΚ.", "ΕΛ.", "ΕΛ.ΑΣ.", "Εθν.", "Ελ.", "Εμ.", "Επ.", "Ευ.", - "Η'", "Η.Π.Α.", - "ΘΕ.", "Θεμ.", "Θεοδ.", "Θρ.", - "Ι.Ε.Κ.", "Ι.Κ.Α.", "Ι.Κ.Υ.", "Ι.Σ.Θ.", "Ι.Χ.", "ΙΖ'", "ΙΧ.", - "Κ.Α.Α.", "Κ.Α.Ε.", "Κ.Β.Σ.", "Κ.Δ.", "Κ.Ε.", "Κ.Ε.Κ.", "Κ.Ι.", "Κ.Κ.", "Κ.Ι.Θ.", "Κ.Ι.Θ.", "Κ.ΚΕΚ.", "Κ.Ο.", - "Κ.Π.Ρ.", "ΚΑΤ.", "ΚΚ.", "Καν.", "Καρ.", "Κατ.", "Κυρ.", "Κων.", - "Λ.Α.", "Λ.χ.", "Λ.Χ.", "Λεωφ.", "Λι.", - "Μ.Δ.Ε.", "Μ.Ε.Ο.", "Μ.Ζ.", "Μ.Μ.Ε.", "Μ.Ο.", "Μεγ.", "Μιλτ.", "Μιχ.", - "Ν.Δ.", "Ν.Ε.Α.", "Ν.Κ.", "Ν.Ο.", "Ν.Ο.Θ.", "Ν.Π.Δ.Δ.", "Ν.Υ.", "ΝΔ.", "Νικ.", "Ντ'", "Ντ.", - "Ο'", "Ο.Α.", "Ο.Α.Ε.Δ.", "Ο.Δ.", "Ο.Ε.Ε.", "Ο.Ε.Ε.Κ.", "Ο.Η.Ε.", "Ο.Κ.", - "Π.Δ.", "Π.Ε.Κ.Δ.Υ.", "Π.Ε.Π.", "Π.Μ.Σ.", "ΠΟΛ.", "Π.Χ.", "Παρ.", "Πλ.", "Πρ.", - "Σ.Δ.Ο.Ε.", "Σ.Ε.", "Σ.Ε.Κ.", "Σ.Π.Δ.Ω.Β.", "Σ.Τ.", "Σαβ.", "Στ.", "ΣτΕ.", "Στρ.", - "Τ.Α.", "Τ.Ε.Ε.", "Τ.Ε.Ι.", "ΤΡ.", "Τζ.", "Τηλ.", - "Υ.Γ.", "ΥΓ.", "ΥΠ.Ε.Π.Θ.", - "Φ.Α.Β.Ε.", "Φ.Κ.", "Φ.Σ.", "Φ.Χ.", "Φ.Π.Α.", "Φιλ.", - "Χ.Α.Α.", "ΧΡ.", "Χ.Χ.", "Χαρ.", "Χιλ.", "Χρ.", - "άγ.", "άρθρ.", "αι.", "αν.", "απ.", "αρ.", "αριθ.", "αριθμ.", - "β'", "βλ.", - "γ.γ.", "γεν.", "γραμμ.", - "δ.δ.", "δ.σ.", "δηλ.", "δισ.", "δολ.", "δρχ.", - "εκ.", "εκατ.", "ελ.", + "Α'", + "Α.Ε.", + "Α.Ε.Β.Ε.", + "Α.Ε.Ι.", + "Α.Ε.Π.", + "Α.Μ.Α.", + "Α.Π.Θ.", + "Α.Τ.", + "Α.Χ.", + "ΑΝ.", + "Αγ.", + "Αλ.", + "Αν.", + "Αντ.", + "Απ.", + "Β'", + "Β)", + "Β.Ζ.", + "Β.Ι.Ο.", + "Β.Κ.", + "Β.Μ.Α.", + "Βασ.", + "Γ'", + "Γ)", + "Γ.Γ.", + "Γ.Δ.", + "Γκ.", + "Δ.Ε.Η.", + "Δ.Ε.Σ.Ε.", + "Δ.Ν.", + "Δ.Ο.Υ.", + "Δ.Σ.", + "Δ.Υ.", + "ΔΙ.ΚΑ.Τ.Σ.Α.", + "Δηλ.", + "Διον.", + "Ε.Α.", + "Ε.Α.Κ.", + "Ε.Α.Π.", + "Ε.Ε.", + "Ε.Κ.", + "Ε.ΚΕ.ΠΙΣ.", + "Ε.Λ.Α.", + "Ε.Λ.Ι.Α.", + "Ε.Π.Σ.", + "Ε.Π.Τ.Α.", + "Ε.Σ.Ε.Ε.Κ.", + "Ε.Υ.Κ.", + "ΕΕ.", + "ΕΚ.", + "ΕΛ.", + "ΕΛ.ΑΣ.", + "Εθν.", + "Ελ.", + "Εμ.", + "Επ.", + "Ευ.", + "Η'", + "Η.Π.Α.", + "ΘΕ.", + "Θεμ.", + "Θεοδ.", + "Θρ.", + "Ι.Ε.Κ.", + "Ι.Κ.Α.", + "Ι.Κ.Υ.", + "Ι.Σ.Θ.", + "Ι.Χ.", + "ΙΖ'", + "ΙΧ.", + "Κ.Α.Α.", + "Κ.Α.Ε.", + "Κ.Β.Σ.", + "Κ.Δ.", + "Κ.Ε.", + "Κ.Ε.Κ.", + "Κ.Ι.", + "Κ.Κ.", + "Κ.Ι.Θ.", + "Κ.Ι.Θ.", + "Κ.ΚΕΚ.", + "Κ.Ο.", + "Κ.Π.Ρ.", + "ΚΑΤ.", + "ΚΚ.", + "Καν.", + "Καρ.", + "Κατ.", + "Κυρ.", + "Κων.", + "Λ.Α.", + "Λ.χ.", + "Λ.Χ.", + "Λεωφ.", + "Λι.", + "Μ.Δ.Ε.", + "Μ.Ε.Ο.", + "Μ.Ζ.", + "Μ.Μ.Ε.", + "Μ.Ο.", + "Μεγ.", + "Μιλτ.", + "Μιχ.", + "Ν.Δ.", + "Ν.Ε.Α.", + "Ν.Κ.", + "Ν.Ο.", + "Ν.Ο.Θ.", + "Ν.Π.Δ.Δ.", + "Ν.Υ.", + "ΝΔ.", + "Νικ.", + "Ντ'", + "Ντ.", + "Ο'", + "Ο.Α.", + "Ο.Α.Ε.Δ.", + "Ο.Δ.", + "Ο.Ε.Ε.", + "Ο.Ε.Ε.Κ.", + "Ο.Η.Ε.", + "Ο.Κ.", + "Π.Δ.", + "Π.Ε.Κ.Δ.Υ.", + "Π.Ε.Π.", + "Π.Μ.Σ.", + "ΠΟΛ.", + "Π.Χ.", + "Παρ.", + "Πλ.", + "Πρ.", + "Σ.Δ.Ο.Ε.", + "Σ.Ε.", + "Σ.Ε.Κ.", + "Σ.Π.Δ.Ω.Β.", + "Σ.Τ.", + "Σαβ.", + "Στ.", + "ΣτΕ.", + "Στρ.", + "Τ.Α.", + "Τ.Ε.Ε.", + "Τ.Ε.Ι.", + "ΤΡ.", + "Τζ.", + "Τηλ.", + "Υ.Γ.", + "ΥΓ.", + "ΥΠ.Ε.Π.Θ.", + "Φ.Α.Β.Ε.", + "Φ.Κ.", + "Φ.Σ.", + "Φ.Χ.", + "Φ.Π.Α.", + "Φιλ.", + "Χ.Α.Α.", + "ΧΡ.", + "Χ.Χ.", + "Χαρ.", + "Χιλ.", + "Χρ.", + "άγ.", + "άρθρ.", + "αι.", + "αν.", + "απ.", + "αρ.", + "αριθ.", + "αριθμ.", + "β'", + "βλ.", + "γ.γ.", + "γεν.", + "γραμμ.", + "δ.δ.", + "δ.σ.", + "δηλ.", + "δισ.", + "δολ.", + "δρχ.", + "εκ.", + "εκατ.", + "ελ.", "θιν'", - "κ.", "κ.ά.", "κ.α.", "κ.κ.", "κ.λπ.", "κ.ο.κ.", "κ.τ.λ.", "κλπ.", "κτλ.", "κυβ.", + "κ.", + "κ.ά.", + "κ.α.", + "κ.κ.", + "κ.λπ.", + "κ.ο.κ.", + "κ.τ.λ.", + "κλπ.", + "κτλ.", + "κυβ.", "λ.χ.", - "μ.", "μ.Χ.", "μ.μ.", "μιλ.", + "μ.", + "μ.Χ.", + "μ.μ.", + "μιλ.", "ντ'", - "π.Χ.", "π.β.", "π.δ.", "π.μ.", "π.χ.", - "σ.", "σ.α.λ.", "σ.σ.", "σελ.", "στρ.", - "τ'ς", "τ.μ.", "τετ.", "τετρ.", "τηλ.", "τρισ.", "τόν.", + "π.Χ.", + "π.β.", + "π.δ.", + "π.μ.", + "π.χ.", + "σ.", + "σ.α.λ.", + "σ.σ.", + "σελ.", + "στρ.", + "τ'ς", + "τ.μ.", + "τετ.", + "τετρ.", + "τηλ.", + "τρισ.", + "τόν.", "υπ.", - "χ.μ.", "χγρ.", "χιλ.", "χλμ." + "χ.μ.", + "χγρ.", + "χιλ.", + "χλμ.", ]: _exc[orth] = [{ORTH: orth}] diff --git a/spacy/lang/en/__init__.py b/spacy/lang/en/__init__.py index a95e501e1..6f2b71360 100644 --- a/spacy/lang/en/__init__.py +++ b/spacy/lang/en/__init__.py @@ -16,15 +16,18 @@ from ...language import Language from ...attrs import LANG, NORM from ...util import update_exc, add_lookups + def _return_en(_): - return 'en' + return "en" + class EnglishDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) lex_attr_getters[LANG] = _return_en - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], - BASE_NORMS, NORM_EXCEPTIONS) + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS, NORM_EXCEPTIONS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) tag_map = TAG_MAP stop_words = STOP_WORDS @@ -37,8 +40,8 @@ class EnglishDefaults(Language.Defaults): class English(Language): - lang = 'en' + lang = "en" Defaults = EnglishDefaults -__all__ = ['English'] +__all__ = ["English"] diff --git a/spacy/lang/en/examples.py b/spacy/lang/en/examples.py index b92d4a65c..946289c7c 100644 --- a/spacy/lang/en/examples.py +++ b/spacy/lang/en/examples.py @@ -18,5 +18,5 @@ sentences = [ "Where are you?", "Who is the president of France?", "What is the capital of the United States?", - "When was Barack Obama born?" + "When was Barack Obama born?", ] diff --git a/spacy/lang/en/lemmatizer/__init__.py b/spacy/lang/en/lemmatizer/__init__.py index 48dcbc123..a13f53f57 100644 --- a/spacy/lang/en/lemmatizer/__init__.py +++ b/spacy/lang/en/lemmatizer/__init__.py @@ -1,7 +1,7 @@ # coding: utf8 from __future__ import unicode_literals -from .lookup import LOOKUP +from .lookup import LOOKUP # noqa: F401 from ._adjectives import ADJECTIVES from ._adjectives_irreg import ADJECTIVES_IRREG from ._adverbs import ADVERBS @@ -13,10 +13,18 @@ from ._verbs_irreg import VERBS_IRREG from ._lemma_rules import ADJECTIVE_RULES, NOUN_RULES, VERB_RULES, PUNCT_RULES -LEMMA_INDEX = {'adj': ADJECTIVES, 'adv': ADVERBS, 'noun': NOUNS, 'verb': VERBS} +LEMMA_INDEX = {"adj": ADJECTIVES, "adv": ADVERBS, "noun": NOUNS, "verb": VERBS} -LEMMA_EXC = {'adj': ADJECTIVES_IRREG, 'adv': ADVERBS_IRREG, 'noun': NOUNS_IRREG, - 'verb': VERBS_IRREG} +LEMMA_EXC = { + "adj": ADJECTIVES_IRREG, + "adv": ADVERBS_IRREG, + "noun": NOUNS_IRREG, + "verb": VERBS_IRREG, +} -LEMMA_RULES = {'adj': ADJECTIVE_RULES, 'noun': NOUN_RULES, 'verb': VERB_RULES, - 'punct': PUNCT_RULES} +LEMMA_RULES = { + "adj": ADJECTIVE_RULES, + "noun": NOUN_RULES, + "verb": VERB_RULES, + "punct": PUNCT_RULES, +} diff --git a/spacy/lang/en/lemmatizer/_adjectives.py b/spacy/lang/en/lemmatizer/_adjectives.py index 19f93e5d8..4fd37cedc 100644 --- a/spacy/lang/en/lemmatizer/_adjectives.py +++ b/spacy/lang/en/lemmatizer/_adjectives.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -ADJECTIVES = set(""" +ADJECTIVES = set( + """ .22-caliber .22-calibre .38-caliber .38-calibre .45-caliber .45-calibre 0 1 10 10-membered 100 1000 1000th 100th 101 101st 105 105th 10th 11 110 110th 115 115th 11th 12 120 120th 125 125th 12th 13 130 130th 135 135th 13th 14 140 140th @@ -2824,4 +2825,5 @@ zealous zenithal zero zeroth zestful zesty zig-zag zigzag zillion zimbabwean zionist zippy zodiacal zoftig zoic zolaesque zonal zonary zoological zoonotic zoophagous zoroastrian zygodactyl zygomatic zygomorphic zygomorphous zygotic zymoid zymolytic zymotic -""".split()) +""".split() +) diff --git a/spacy/lang/en/lemmatizer/_adjectives_irreg.py b/spacy/lang/en/lemmatizer/_adjectives_irreg.py index 54cce473c..eb5d2356b 100644 --- a/spacy/lang/en/lemmatizer/_adjectives_irreg.py +++ b/spacy/lang/en/lemmatizer/_adjectives_irreg.py @@ -48,8 +48,7 @@ ADJECTIVES_IRREG = { "bendier": ("bendy",), "bendiest": ("bendy",), "best": ("good",), - "better": ("good", - "well",), + "better": ("good", "well"), "bigger": ("big",), "biggest": ("big",), "bitchier": ("bitchy",), @@ -289,10 +288,8 @@ ADJECTIVES_IRREG = { "doughtiest": ("doughty",), "dowdier": ("dowdy",), "dowdiest": ("dowdy",), - "dowier": ("dowie", - "dowy",), - "dowiest": ("dowie", - "dowy",), + "dowier": ("dowie", "dowy"), + "dowiest": ("dowie", "dowy"), "downer": ("downer",), "downier": ("downy",), "downiest": ("downy",), @@ -1494,5 +1491,5 @@ ADJECTIVES_IRREG = { "zanier": ("zany",), "zaniest": ("zany",), "zippier": ("zippy",), - "zippiest": ("zippy",) + "zippiest": ("zippy",), } diff --git a/spacy/lang/en/lemmatizer/_adverbs.py b/spacy/lang/en/lemmatizer/_adverbs.py index 3162f8671..85123494e 100644 --- a/spacy/lang/en/lemmatizer/_adverbs.py +++ b/spacy/lang/en/lemmatizer/_adverbs.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -ADVERBS = set(""" +ADVERBS = set( + """ 'tween a.d. a.k.a. a.m. aback abaft abaxially abeam abed abjectly ably abnormally aboard abominably aborad abortively about above aboveboard abreast abroad abruptly absently absentmindedly absolutely abstemiously abstractedly @@ -540,4 +541,5 @@ wordlessly worriedly worryingly worse worst worthily worthlessly wrathfully wretchedly wrong wrongfully wrongheadedly wrongly wryly yea yeah yearly yearningly yesterday yet yieldingly yon yonder youthfully zealously zestfully zestily zigzag -""".split()) +""".split() +) diff --git a/spacy/lang/en/lemmatizer/_adverbs_irreg.py b/spacy/lang/en/lemmatizer/_adverbs_irreg.py index 2e9618e35..4f0b479b8 100644 --- a/spacy/lang/en/lemmatizer/_adverbs_irreg.py +++ b/spacy/lang/en/lemmatizer/_adverbs_irreg.py @@ -9,5 +9,5 @@ ADVERBS_IRREG = { "farther": ("far",), "further": ("far",), "harder": ("hard",), - "hardest": ("hard",) + "hardest": ("hard",), } diff --git a/spacy/lang/en/lemmatizer/_lemma_rules.py b/spacy/lang/en/lemmatizer/_lemma_rules.py index d32aca38b..f2b3f5bac 100644 --- a/spacy/lang/en/lemmatizer/_lemma_rules.py +++ b/spacy/lang/en/lemmatizer/_lemma_rules.py @@ -2,12 +2,7 @@ from __future__ import unicode_literals -ADJECTIVE_RULES = [ - ["er", ""], - ["est", ""], - ["er", "e"], - ["est", "e"] -] +ADJECTIVE_RULES = [["er", ""], ["est", ""], ["er", "e"], ["est", "e"]] NOUN_RULES = [ @@ -19,7 +14,7 @@ NOUN_RULES = [ ["ches", "ch"], ["shes", "sh"], ["men", "man"], - ["ies", "y"] + ["ies", "y"], ] @@ -31,13 +26,8 @@ VERB_RULES = [ ["ed", "e"], ["ed", ""], ["ing", "e"], - ["ing", ""] + ["ing", ""], ] -PUNCT_RULES = [ - ["“", "\""], - ["”", "\""], - ["\u2018", "'"], - ["\u2019", "'"] -] +PUNCT_RULES = [["“", '"'], ["”", '"'], ["\u2018", "'"], ["\u2019", "'"]] diff --git a/spacy/lang/en/lemmatizer/_nouns.py b/spacy/lang/en/lemmatizer/_nouns.py index 8d6af1a97..1fc182871 100644 --- a/spacy/lang/en/lemmatizer/_nouns.py +++ b/spacy/lang/en/lemmatizer/_nouns.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -NOUNS = set(""" +NOUNS = set( + """ 'hood .22 0 1 1-dodecanol 1-hitter 10 100 1000 10000 100000 1000000 1000000000 1000000000000 11 11-plus 12 120 13 14 144 15 1530s 16 17 1728 1750s 1760s 1770s 1780s 1790s 18 1820s 1830s 1840s 1850s 1860s 1870s 1880s 1890s 19 1900s 1920s @@ -7110,4 +7111,5 @@ zurvanism zweig zwieback zwingli zworykin zydeco zygnema zygnemales zygnemataceae zygnematales zygocactus zygoma zygomatic zygomycetes zygomycota zygomycotina zygophyllaceae zygophyllum zygoptera zygospore zygote zygotene zyloprim zymase zymogen zymology zymolysis zymosis zymurgy zyrian -""".split()) +""".split() +) diff --git a/spacy/lang/en/lemmatizer/_verbs.py b/spacy/lang/en/lemmatizer/_verbs.py index 93b13ea35..68ca2c7d0 100644 --- a/spacy/lang/en/lemmatizer/_verbs.py +++ b/spacy/lang/en/lemmatizer/_verbs.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -VERBS = set(""" +VERBS = set( + """ aah abacinate abandon abase abash abate abbreviate abdicate abduce abduct aberrate abet abhor abide abjure ablactate ablate abnegate abolish abominate abort abound about-face abrade abrase abreact abridge abrogate abscise abscond @@ -912,4 +913,5 @@ wreck wrench wrest wrestle wrick wriggle wring wrinkle write writhe wrong x-ray xerox yacht yack yak yammer yank yap yarn yarn-dye yaup yaw yawl yawn yawp yearn yell yellow yelp yen yield yip yodel yoke yowl zap zero zest zigzag zinc zip zipper zone zoom -""".split()) +""".split() +) diff --git a/spacy/lang/en/lex_attrs.py b/spacy/lang/en/lex_attrs.py index 1b31d3c74..f92d41139 100644 --- a/spacy/lang/en/lex_attrs.py +++ b/spacy/lang/en/lex_attrs.py @@ -4,22 +4,54 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = ['zero', 'one', 'two', 'three', 'four', 'five', 'six', 'seven', - 'eight', 'nine', 'ten', 'eleven', 'twelve', 'thirteen', 'fourteen', - 'fifteen', 'sixteen', 'seventeen', 'eighteen', 'nineteen', 'twenty', - 'thirty', 'forty', 'fifty', 'sixty', 'seventy', 'eighty', 'ninety', - 'hundred', 'thousand', 'million', 'billion', 'trillion', 'quadrillion', - 'gajillion', 'bazillion'] +_num_words = [ + "zero", + "one", + "two", + "three", + "four", + "five", + "six", + "seven", + "eight", + "nine", + "ten", + "eleven", + "twelve", + "thirteen", + "fourteen", + "fifteen", + "sixteen", + "seventeen", + "eighteen", + "nineteen", + "twenty", + "thirty", + "forty", + "fifty", + "sixty", + "seventy", + "eighty", + "ninety", + "hundred", + "thousand", + "million", + "billion", + "trillion", + "quadrillion", + "gajillion", + "bazillion", +] def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -27,6 +59,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/en/morph_rules.py b/spacy/lang/en/morph_rules.py index 002dc6805..d073e27a5 100644 --- a/spacy/lang/en/morph_rules.py +++ b/spacy/lang/en/morph_rules.py @@ -6,66 +6,321 @@ from ...symbols import LEMMA, PRON_LEMMA MORPH_RULES = { "PRP": { - "I": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Case": "Nom"}, - "me": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Case": "Acc"}, - "you": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two"}, - "he": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Masc", "Case": "Nom"}, - "him": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Masc", "Case": "Acc"}, - "she": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Fem", "Case": "Nom"}, - "her": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Fem", "Case": "Acc"}, - "it": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Neut"}, - "we": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Case": "Nom"}, - "us": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Case": "Acc"}, - "they": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Nom"}, - "them": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Acc"}, - - "mine": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Poss": "Yes", "Reflex": "Yes"}, - "his": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Masc", "Poss": "Yes", "Reflex": "Yes"}, - "hers": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Fem", "Poss": "Yes", "Reflex": "Yes"}, - "its": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Neut", "Poss": "Yes", "Reflex": "Yes"}, - "ours": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "yours": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "theirs": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - - "myself": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Case": "Acc", "Reflex": "Yes"}, - "yourself": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Case": "Acc", "Reflex": "Yes"}, - "himself": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Case": "Acc", "Gender": "Masc", "Reflex": "Yes"}, - "herself": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Case": "Acc", "Gender": "Fem", "Reflex": "Yes"}, - "itself": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Case": "Acc", "Gender": "Neut", "Reflex": "Yes"}, - "themself": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Case": "Acc", "Reflex": "Yes"}, - "ourselves": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Case": "Acc", "Reflex": "Yes"}, - "yourselves": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Case": "Acc", "Reflex": "Yes"}, - "themselves": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Acc", "Reflex": "Yes"} + "I": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Case": "Nom", + }, + "me": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Case": "Acc", + }, + "you": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two"}, + "he": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Masc", + "Case": "Nom", + }, + "him": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Masc", + "Case": "Acc", + }, + "she": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Fem", + "Case": "Nom", + }, + "her": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Fem", + "Case": "Acc", + }, + "it": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Neut", + }, + "we": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Case": "Nom", + }, + "us": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Case": "Acc", + }, + "they": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Case": "Nom", + }, + "them": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Case": "Acc", + }, + "mine": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Reflex": "Yes", + }, + "his": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Masc", + "Poss": "Yes", + "Reflex": "Yes", + }, + "hers": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Fem", + "Poss": "Yes", + "Reflex": "Yes", + }, + "its": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Neut", + "Poss": "Yes", + "Reflex": "Yes", + }, + "ours": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "yours": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "theirs": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "myself": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Case": "Acc", + "Reflex": "Yes", + }, + "yourself": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Case": "Acc", + "Reflex": "Yes", + }, + "himself": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Case": "Acc", + "Gender": "Masc", + "Reflex": "Yes", + }, + "herself": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Case": "Acc", + "Gender": "Fem", + "Reflex": "Yes", + }, + "itself": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Case": "Acc", + "Gender": "Neut", + "Reflex": "Yes", + }, + "themself": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Case": "Acc", + "Reflex": "Yes", + }, + "ourselves": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Case": "Acc", + "Reflex": "Yes", + }, + "yourselves": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Case": "Acc", + "Reflex": "Yes", + }, + "themselves": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Case": "Acc", + "Reflex": "Yes", + }, }, - "PRP$": { - "my": {LEMMA: PRON_LEMMA, "Person": "One", "Number": "Sing", "PronType": "Prs", "Poss": "Yes"}, - "your": {LEMMA: PRON_LEMMA, "Person": "Two", "PronType": "Prs", "Poss": "Yes"}, - "his": {LEMMA: PRON_LEMMA, "Person": "Three", "Number": "Sing", "Gender": "Masc", "PronType": "Prs", "Poss": "Yes"}, - "her": {LEMMA: PRON_LEMMA, "Person": "Three", "Number": "Sing", "Gender": "Fem", "PronType": "Prs", "Poss": "Yes"}, - "its": {LEMMA: PRON_LEMMA, "Person": "Three", "Number": "Sing", "Gender": "Neut", "PronType": "Prs", "Poss": "Yes"}, - "our": {LEMMA: PRON_LEMMA, "Person": "One", "Number": "Plur", "PronType": "Prs", "Poss": "Yes"}, - "their": {LEMMA: PRON_LEMMA, "Person": "Three", "Number": "Plur", "PronType": "Prs", "Poss": "Yes"} + "my": { + LEMMA: PRON_LEMMA, + "Person": "One", + "Number": "Sing", + "PronType": "Prs", + "Poss": "Yes", + }, + "your": {LEMMA: PRON_LEMMA, "Person": "Two", "PronType": "Prs", "Poss": "Yes"}, + "his": { + LEMMA: PRON_LEMMA, + "Person": "Three", + "Number": "Sing", + "Gender": "Masc", + "PronType": "Prs", + "Poss": "Yes", + }, + "her": { + LEMMA: PRON_LEMMA, + "Person": "Three", + "Number": "Sing", + "Gender": "Fem", + "PronType": "Prs", + "Poss": "Yes", + }, + "its": { + LEMMA: PRON_LEMMA, + "Person": "Three", + "Number": "Sing", + "Gender": "Neut", + "PronType": "Prs", + "Poss": "Yes", + }, + "our": { + LEMMA: PRON_LEMMA, + "Person": "One", + "Number": "Plur", + "PronType": "Prs", + "Poss": "Yes", + }, + "their": { + LEMMA: PRON_LEMMA, + "Person": "Three", + "Number": "Plur", + "PronType": "Prs", + "Poss": "Yes", + }, }, - "VBZ": { - "am": {LEMMA: "be", "VerbForm": "Fin", "Person": "One", "Tense": "Pres", "Mood": "Ind"}, - "are": {LEMMA: "be", "VerbForm": "Fin", "Person": "Two", "Tense": "Pres", "Mood": "Ind"}, - "is": {LEMMA: "be", "VerbForm": "Fin", "Person": "Three", "Tense": "Pres", "Mood": "Ind"}, - "'re": {LEMMA: "be", "VerbForm": "Fin", "Person": "Two", "Tense": "Pres", "Mood": "Ind"}, - "'s": {LEMMA: "be", "VerbForm": "Fin", "Person": "Three", "Tense": "Pres", "Mood": "Ind"}, + "am": { + LEMMA: "be", + "VerbForm": "Fin", + "Person": "One", + "Tense": "Pres", + "Mood": "Ind", + }, + "are": { + LEMMA: "be", + "VerbForm": "Fin", + "Person": "Two", + "Tense": "Pres", + "Mood": "Ind", + }, + "is": { + LEMMA: "be", + "VerbForm": "Fin", + "Person": "Three", + "Tense": "Pres", + "Mood": "Ind", + }, + "'re": { + LEMMA: "be", + "VerbForm": "Fin", + "Person": "Two", + "Tense": "Pres", + "Mood": "Ind", + }, + "'s": { + LEMMA: "be", + "VerbForm": "Fin", + "Person": "Three", + "Tense": "Pres", + "Mood": "Ind", + }, }, - "VBP": { - "are": {LEMMA: "be", "VerbForm": "Fin", "Tense": "Pres", "Mood": "Ind"}, - "'re": {LEMMA: "be", "VerbForm": "Fin", "Tense": "Pres", "Mood": "Ind"}, - "am": {LEMMA: "be", "VerbForm": "Fin", "Person": "One", "Tense": "Pres", "Mood": "Ind"}, + "are": {LEMMA: "be", "VerbForm": "Fin", "Tense": "Pres", "Mood": "Ind"}, + "'re": {LEMMA: "be", "VerbForm": "Fin", "Tense": "Pres", "Mood": "Ind"}, + "am": { + LEMMA: "be", + "VerbForm": "Fin", + "Person": "One", + "Tense": "Pres", + "Mood": "Ind", + }, }, - "VBD": { - "was": {LEMMA: "be", "VerbForm": "Fin", "Tense": "Past", "Number": "Sing"}, - "were": {LEMMA: "be", "VerbForm": "Fin", "Tense": "Past", "Number": "Plur"} - } + "was": {LEMMA: "be", "VerbForm": "Fin", "Tense": "Past", "Number": "Sing"}, + "were": {LEMMA: "be", "VerbForm": "Fin", "Tense": "Past", "Number": "Plur"}, + }, } diff --git a/spacy/lang/en/norm_exceptions.py b/spacy/lang/en/norm_exceptions.py index 402dc3c91..a2cf58b8a 100644 --- a/spacy/lang/en/norm_exceptions.py +++ b/spacy/lang/en/norm_exceptions.py @@ -12,7 +12,6 @@ _exc = { "plz": "please", "pls": "please", "thx": "thanks", - # US vs. UK spelling "accessorise": "accessorize", "accessorised": "accessorized", @@ -690,7 +689,7 @@ _exc = { "globalising": "globalizing", "glueing ": "gluing ", "goin": "going", - "goin'":"going", + "goin'": "going", "goitre": "goiter", "goitres": "goiters", "gonorrhoea": "gonorrhea", @@ -1758,7 +1757,7 @@ _exc = { "yoghourt": "yogurt", "yoghourts": "yogurts", "yoghurt": "yogurt", - "yoghurts": "yogurts" + "yoghurts": "yogurts", } diff --git a/spacy/lang/en/stop_words.py b/spacy/lang/en/stop_words.py index 0aa9ebb55..4301e7d86 100644 --- a/spacy/lang/en/stop_words.py +++ b/spacy/lang/en/stop_words.py @@ -3,8 +3,8 @@ from __future__ import unicode_literals # Stop words - -STOP_WORDS = set(""" +STOP_WORDS = set( + """ a about above across after afterwards again against all almost alone along already also although always am among amongst amount an and another any anyhow anyone anything anyway anywhere are around as at @@ -68,4 +68,5 @@ whither who whoever whole whom whose why will with within without would yet you your yours yourself yourselves 'd 'll 'm 're 's 've -""".split()) +""".split() +) diff --git a/spacy/lang/en/syntax_iterators.py b/spacy/lang/en/syntax_iterators.py index bb1a6b7f7..ed665ef29 100644 --- a/spacy/lang/en/syntax_iterators.py +++ b/spacy/lang/en/syntax_iterators.py @@ -8,12 +8,21 @@ def noun_chunks(obj): """ Detect base noun phrases from a dependency parse. Works on both Doc and Span. """ - labels = ['nsubj', 'dobj', 'nsubjpass', 'pcomp', 'pobj', 'dative', 'appos', - 'attr', 'ROOT'] - doc = obj.doc # Ensure works on both Doc and Span. + labels = [ + "nsubj", + "dobj", + "nsubjpass", + "pcomp", + "pobj", + "dative", + "appos", + "attr", + "ROOT", + ] + doc = obj.doc # Ensure works on both Doc and Span. np_deps = [doc.vocab.strings.add(label) for label in labels] - conj = doc.vocab.strings.add('conj') - np_label = doc.vocab.strings.add('NP') + conj = doc.vocab.strings.add("conj") + np_label = doc.vocab.strings.add("NP") seen = set() for i, word in enumerate(obj): if word.pos not in (NOUN, PROPN, PRON): @@ -24,8 +33,8 @@ def noun_chunks(obj): if word.dep in np_deps: if any(w.i in seen for w in word.subtree): continue - seen.update(j for j in range(word.left_edge.i, word.i+1)) - yield word.left_edge.i, word.i+1, np_label + seen.update(j for j in range(word.left_edge.i, word.i + 1)) + yield word.left_edge.i, word.i + 1, np_label elif word.dep == conj: head = word.head while head.dep == conj and head.head.i < head.i: @@ -34,10 +43,8 @@ def noun_chunks(obj): if head.dep in np_deps: if any(w.i in seen for w in word.subtree): continue - seen.update(j for j in range(word.left_edge.i, word.i+1)) - yield word.left_edge.i, word.i+1, np_label + seen.update(j for j in range(word.left_edge.i, word.i + 1)) + yield word.left_edge.i, word.i + 1, np_label -SYNTAX_ITERATORS = { - 'noun_chunks': noun_chunks -} +SYNTAX_ITERATORS = {"noun_chunks": noun_chunks} diff --git a/spacy/lang/en/tag_map.py b/spacy/lang/en/tag_map.py index fc3d2cc93..7747c928d 100644 --- a/spacy/lang/en/tag_map.py +++ b/spacy/lang/en/tag_map.py @@ -6,61 +6,67 @@ from ...symbols import NOUN, PROPN, PART, INTJ, SPACE, PRON TAG_MAP = { - ".": {POS: PUNCT, "PunctType": "peri"}, - ",": {POS: PUNCT, "PunctType": "comm"}, - "-LRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "ini"}, - "-RRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "fin"}, - "``": {POS: PUNCT, "PunctType": "quot", "PunctSide": "ini"}, - "\"\"": {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, - "''": {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, - ":": {POS: PUNCT}, - "$": {POS: SYM, "Other": {"SymType": "currency"}}, - "#": {POS: SYM, "Other": {"SymType": "numbersign"}}, - "AFX": {POS: ADJ, "Hyph": "yes"}, - "CC": {POS: CCONJ, "ConjType": "coor"}, - "CD": {POS: NUM, "NumType": "card"}, - "DT": {POS: DET}, - "EX": {POS: ADV, "AdvType": "ex"}, - "FW": {POS: X, "Foreign": "yes"}, - "HYPH": {POS: PUNCT, "PunctType": "dash"}, - "IN": {POS: ADP}, - "JJ": {POS: ADJ, "Degree": "pos"}, - "JJR": {POS: ADJ, "Degree": "comp"}, - "JJS": {POS: ADJ, "Degree": "sup"}, - "LS": {POS: PUNCT, "NumType": "ord"}, - "MD": {POS: VERB, "VerbType": "mod"}, - "NIL": {POS: ""}, - "NN": {POS: NOUN, "Number": "sing"}, - "NNP": {POS: PROPN, "NounType": "prop", "Number": "sing"}, - "NNPS": {POS: PROPN, "NounType": "prop", "Number": "plur"}, - "NNS": {POS: NOUN, "Number": "plur"}, - "PDT": {POS: ADJ, "AdjType": "pdt", "PronType": "prn"}, - "POS": {POS: PART, "Poss": "yes"}, - "PRP": {POS: PRON, "PronType": "prs"}, - "PRP$": {POS: ADJ, "PronType": "prs", "Poss": "yes"}, - "RB": {POS: ADV, "Degree": "pos"}, - "RBR": {POS: ADV, "Degree": "comp"}, - "RBS": {POS: ADV, "Degree": "sup"}, - "RP": {POS: PART}, - "SP": {POS: SPACE}, - "SYM": {POS: SYM}, - "TO": {POS: PART, "PartType": "inf", "VerbForm": "inf"}, - "UH": {POS: INTJ}, - "VB": {POS: VERB, "VerbForm": "inf"}, - "VBD": {POS: VERB, "VerbForm": "fin", "Tense": "past"}, - "VBG": {POS: VERB, "VerbForm": "part", "Tense": "pres", "Aspect": "prog"}, - "VBN": {POS: VERB, "VerbForm": "part", "Tense": "past", "Aspect": "perf"}, - "VBP": {POS: VERB, "VerbForm": "fin", "Tense": "pres"}, - "VBZ": {POS: VERB, "VerbForm": "fin", "Tense": "pres", "Number": "sing", "Person": 3}, - "WDT": {POS: ADJ, "PronType": "int|rel"}, - "WP": {POS: NOUN, "PronType": "int|rel"}, - "WP$": {POS: ADJ, "Poss": "yes", "PronType": "int|rel"}, - "WRB": {POS: ADV, "PronType": "int|rel"}, - "ADD": {POS: X}, - "NFP": {POS: PUNCT}, - "GW": {POS: X}, - "XX": {POS: X}, - "BES": {POS: VERB}, - "HVS": {POS: VERB}, - "_SP": {POS: SPACE}, + ".": {POS: PUNCT, "PunctType": "peri"}, + ",": {POS: PUNCT, "PunctType": "comm"}, + "-LRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "ini"}, + "-RRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "fin"}, + "``": {POS: PUNCT, "PunctType": "quot", "PunctSide": "ini"}, + '""': {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, + "''": {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, + ":": {POS: PUNCT}, + "$": {POS: SYM, "Other": {"SymType": "currency"}}, + "#": {POS: SYM, "Other": {"SymType": "numbersign"}}, + "AFX": {POS: ADJ, "Hyph": "yes"}, + "CC": {POS: CCONJ, "ConjType": "coor"}, + "CD": {POS: NUM, "NumType": "card"}, + "DT": {POS: DET}, + "EX": {POS: ADV, "AdvType": "ex"}, + "FW": {POS: X, "Foreign": "yes"}, + "HYPH": {POS: PUNCT, "PunctType": "dash"}, + "IN": {POS: ADP}, + "JJ": {POS: ADJ, "Degree": "pos"}, + "JJR": {POS: ADJ, "Degree": "comp"}, + "JJS": {POS: ADJ, "Degree": "sup"}, + "LS": {POS: PUNCT, "NumType": "ord"}, + "MD": {POS: VERB, "VerbType": "mod"}, + "NIL": {POS: ""}, + "NN": {POS: NOUN, "Number": "sing"}, + "NNP": {POS: PROPN, "NounType": "prop", "Number": "sing"}, + "NNPS": {POS: PROPN, "NounType": "prop", "Number": "plur"}, + "NNS": {POS: NOUN, "Number": "plur"}, + "PDT": {POS: ADJ, "AdjType": "pdt", "PronType": "prn"}, + "POS": {POS: PART, "Poss": "yes"}, + "PRP": {POS: PRON, "PronType": "prs"}, + "PRP$": {POS: ADJ, "PronType": "prs", "Poss": "yes"}, + "RB": {POS: ADV, "Degree": "pos"}, + "RBR": {POS: ADV, "Degree": "comp"}, + "RBS": {POS: ADV, "Degree": "sup"}, + "RP": {POS: PART}, + "SP": {POS: SPACE}, + "SYM": {POS: SYM}, + "TO": {POS: PART, "PartType": "inf", "VerbForm": "inf"}, + "UH": {POS: INTJ}, + "VB": {POS: VERB, "VerbForm": "inf"}, + "VBD": {POS: VERB, "VerbForm": "fin", "Tense": "past"}, + "VBG": {POS: VERB, "VerbForm": "part", "Tense": "pres", "Aspect": "prog"}, + "VBN": {POS: VERB, "VerbForm": "part", "Tense": "past", "Aspect": "perf"}, + "VBP": {POS: VERB, "VerbForm": "fin", "Tense": "pres"}, + "VBZ": { + POS: VERB, + "VerbForm": "fin", + "Tense": "pres", + "Number": "sing", + "Person": 3, + }, + "WDT": {POS: ADJ, "PronType": "int|rel"}, + "WP": {POS: NOUN, "PronType": "int|rel"}, + "WP$": {POS: ADJ, "Poss": "yes", "PronType": "int|rel"}, + "WRB": {POS: ADV, "PronType": "int|rel"}, + "ADD": {POS: X}, + "NFP": {POS: PUNCT}, + "GW": {POS: X}, + "XX": {POS: X}, + "BES": {POS: VERB}, + "HVS": {POS: VERB}, + "_SP": {POS: SPACE}, } diff --git a/spacy/lang/en/tokenizer_exceptions.py b/spacy/lang/en/tokenizer_exceptions.py index df28e1287..719bdcd42 100644 --- a/spacy/lang/en/tokenizer_exceptions.py +++ b/spacy/lang/en/tokenizer_exceptions.py @@ -5,103 +5,143 @@ from ...symbols import ORTH, LEMMA, TAG, NORM, PRON_LEMMA _exc = {} -_exclude = ["Ill", "ill", "Its", "its", "Hell", "hell", "Shell", "shell", - "Shed", "shed", "were", "Were", "Well", "well", "Whore", "whore"] +_exclude = [ + "Ill", + "ill", + "Its", + "its", + "Hell", + "hell", + "Shell", + "shell", + "Shed", + "shed", + "were", + "Were", + "Well", + "well", + "Whore", + "whore", +] # Pronouns - for pron in ["i"]: for orth in [pron, pron.title()]: _exc[orth + "'m"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "'m", LEMMA: "be", NORM: "am", TAG: "VBP", "tenspect": 1, "number": 1}] + { + ORTH: "'m", + LEMMA: "be", + NORM: "am", + TAG: "VBP", + "tenspect": 1, + "number": 1, + }, + ] _exc[orth + "m"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "m", LEMMA: "be", TAG: "VBP", "tenspect": 1, "number": 1 }] + {ORTH: "m", LEMMA: "be", TAG: "VBP", "tenspect": 1, "number": 1}, + ] _exc[orth + "'ma"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, {ORTH: "'m", LEMMA: "be", NORM: "am"}, - {ORTH: "a", LEMMA: "going to", NORM: "gonna"}] + {ORTH: "a", LEMMA: "going to", NORM: "gonna"}, + ] _exc[orth + "ma"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, {ORTH: "m", LEMMA: "be", NORM: "am"}, - {ORTH: "a", LEMMA: "going to", NORM: "gonna"}] + {ORTH: "a", LEMMA: "going to", NORM: "gonna"}, + ] for pron in ["i", "you", "he", "she", "it", "we", "they"]: for orth in [pron, pron.title()]: _exc[orth + "'ll"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "'ll", LEMMA: "will", NORM: "will", TAG: "MD"}] + {ORTH: "'ll", LEMMA: "will", NORM: "will", TAG: "MD"}, + ] _exc[orth + "ll"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "ll", LEMMA: "will", NORM: "will", TAG: "MD"}] + {ORTH: "ll", LEMMA: "will", NORM: "will", TAG: "MD"}, + ] _exc[orth + "'ll've"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, {ORTH: "'ll", LEMMA: "will", NORM: "will", TAG: "MD"}, - {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] _exc[orth + "llve"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, {ORTH: "ll", LEMMA: "will", NORM: "will", TAG: "MD"}, - {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] _exc[orth + "'d"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "'d", LEMMA: "would", NORM: "would", TAG: "MD"}] + {ORTH: "'d", LEMMA: "would", NORM: "would", TAG: "MD"}, + ] _exc[orth + "d"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "d", LEMMA: "would", NORM: "would", TAG: "MD"}] + {ORTH: "d", LEMMA: "would", NORM: "would", TAG: "MD"}, + ] _exc[orth + "'d've"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, {ORTH: "'d", LEMMA: "would", NORM: "would", TAG: "MD"}, - {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] _exc[orth + "dve"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, {ORTH: "d", LEMMA: "would", NORM: "would", TAG: "MD"}, - {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] for pron in ["i", "you", "we", "they"]: for orth in [pron, pron.title()]: _exc[orth + "'ve"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] _exc[orth + "ve"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] for pron in ["you", "we", "they"]: for orth in [pron, pron.title()]: _exc[orth + "'re"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "'re", LEMMA: "be", NORM: "are"}] + {ORTH: "'re", LEMMA: "be", NORM: "are"}, + ] _exc[orth + "re"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "re", LEMMA: "be", NORM: "are", TAG: "VBZ"}] + {ORTH: "re", LEMMA: "be", NORM: "are", TAG: "VBZ"}, + ] for pron in ["he", "she", "it"]: for orth in [pron, pron.title()]: _exc[orth + "'s"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "'s", NORM: "'s"}] + {ORTH: "'s", NORM: "'s"}, + ] _exc[orth + "s"] = [ {ORTH: orth, LEMMA: PRON_LEMMA, NORM: pron, TAG: "PRP"}, - {ORTH: "s"}] + {ORTH: "s"}, + ] # W-words, relative pronouns, prepositions etc. @@ -110,63 +150,71 @@ for word in ["who", "what", "when", "where", "why", "how", "there", "that"]: for orth in [word, word.title()]: _exc[orth + "'s"] = [ {ORTH: orth, LEMMA: word, NORM: word}, - {ORTH: "'s", NORM: "'s"}] + {ORTH: "'s", NORM: "'s"}, + ] - _exc[orth + "s"] = [ - {ORTH: orth, LEMMA: word, NORM: word}, - {ORTH: "s"}] + _exc[orth + "s"] = [{ORTH: orth, LEMMA: word, NORM: word}, {ORTH: "s"}] _exc[orth + "'ll"] = [ {ORTH: orth, LEMMA: word, NORM: word}, - {ORTH: "'ll", LEMMA: "will", NORM: "will", TAG: "MD"}] + {ORTH: "'ll", LEMMA: "will", NORM: "will", TAG: "MD"}, + ] _exc[orth + "ll"] = [ {ORTH: orth, LEMMA: word, NORM: word}, - {ORTH: "ll", LEMMA: "will", NORM: "will", TAG: "MD"}] + {ORTH: "ll", LEMMA: "will", NORM: "will", TAG: "MD"}, + ] _exc[orth + "'ll've"] = [ {ORTH: orth, LEMMA: word, NORM: word}, {ORTH: "'ll", LEMMA: "will", NORM: "will", TAG: "MD"}, - {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] _exc[orth + "llve"] = [ {ORTH: orth, LEMMA: word, NORM: word}, {ORTH: "ll", LEMMA: "will", NORM: "will", TAG: "MD"}, - {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] _exc[orth + "'re"] = [ {ORTH: orth, LEMMA: word, NORM: word}, - {ORTH: "'re", LEMMA: "be", NORM: "are"}] + {ORTH: "'re", LEMMA: "be", NORM: "are"}, + ] _exc[orth + "re"] = [ {ORTH: orth, LEMMA: word, NORM: word}, - {ORTH: "re", LEMMA: "be", NORM: "are"}] + {ORTH: "re", LEMMA: "be", NORM: "are"}, + ] _exc[orth + "'ve"] = [ {ORTH: orth, LEMMA: word, NORM: word}, - {ORTH: "'ve", LEMMA: "have", TAG: "VB"}] + {ORTH: "'ve", LEMMA: "have", TAG: "VB"}, + ] _exc[orth + "ve"] = [ {ORTH: orth, LEMMA: word}, - {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] _exc[orth + "'d"] = [ {ORTH: orth, LEMMA: word, NORM: word}, - {ORTH: "'d", NORM: "'d"}] + {ORTH: "'d", NORM: "'d"}, + ] - _exc[orth + "d"] = [ - {ORTH: orth, LEMMA: word, NORM: word}, - {ORTH: "d"}] + _exc[orth + "d"] = [{ORTH: orth, LEMMA: word, NORM: word}, {ORTH: "d"}] _exc[orth + "'d've"] = [ {ORTH: orth, LEMMA: word, NORM: word}, {ORTH: "'d", LEMMA: "would", NORM: "would", TAG: "MD"}, - {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] _exc[orth + "dve"] = [ {ORTH: orth, LEMMA: word, NORM: word}, {ORTH: "d", LEMMA: "would", NORM: "would", TAG: "MD"}, - {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] # Verbs @@ -186,27 +234,32 @@ for verb_data in [ {ORTH: "sha", LEMMA: "shall", NORM: "shall", TAG: "MD"}, {ORTH: "should", NORM: "should", TAG: "MD"}, {ORTH: "wo", LEMMA: "will", NORM: "will", TAG: "MD"}, - {ORTH: "would", NORM: "would", TAG: "MD"}]: + {ORTH: "would", NORM: "would", TAG: "MD"}, +]: verb_data_tc = dict(verb_data) verb_data_tc[ORTH] = verb_data_tc[ORTH].title() for data in [verb_data, verb_data_tc]: _exc[data[ORTH] + "n't"] = [ dict(data), - {ORTH: "n't", LEMMA: "not", NORM: "not", TAG: "RB"}] + {ORTH: "n't", LEMMA: "not", NORM: "not", TAG: "RB"}, + ] _exc[data[ORTH] + "nt"] = [ dict(data), - {ORTH: "nt", LEMMA: "not", NORM: "not", TAG: "RB"}] + {ORTH: "nt", LEMMA: "not", NORM: "not", TAG: "RB"}, + ] _exc[data[ORTH] + "n't've"] = [ dict(data), {ORTH: "n't", LEMMA: "not", NORM: "not", TAG: "RB"}, - {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] _exc[data[ORTH] + "ntve"] = [ dict(data), {ORTH: "nt", LEMMA: "not", NORM: "not", TAG: "RB"}, - {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}] + {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ] for verb_data in [ @@ -214,17 +267,14 @@ for verb_data in [ {ORTH: "might", NORM: "might", TAG: "MD"}, {ORTH: "must", NORM: "must", TAG: "MD"}, {ORTH: "should", NORM: "should", TAG: "MD"}, - {ORTH: "would", NORM: "would", TAG: "MD"}]: + {ORTH: "would", NORM: "would", TAG: "MD"}, +]: verb_data_tc = dict(verb_data) verb_data_tc[ORTH] = verb_data_tc[ORTH].title() for data in [verb_data, verb_data_tc]: - _exc[data[ORTH] + "'ve"] = [ - dict(data), - {ORTH: "'ve", LEMMA: "have", TAG: "VB"}] + _exc[data[ORTH] + "'ve"] = [dict(data), {ORTH: "'ve", LEMMA: "have", TAG: "VB"}] - _exc[data[ORTH] + "ve"] = [ - dict(data), - {ORTH: "ve", LEMMA: "have", TAG: "VB"}] + _exc[data[ORTH] + "ve"] = [dict(data), {ORTH: "ve", LEMMA: "have", TAG: "VB"}] for verb_data in [ @@ -235,17 +285,20 @@ for verb_data in [ {ORTH: "were", LEMMA: "be", NORM: "were"}, {ORTH: "have", NORM: "have"}, {ORTH: "has", LEMMA: "have", NORM: "has"}, - {ORTH: "dare", NORM: "dare"}]: + {ORTH: "dare", NORM: "dare"}, +]: verb_data_tc = dict(verb_data) verb_data_tc[ORTH] = verb_data_tc[ORTH].title() for data in [verb_data, verb_data_tc]: _exc[data[ORTH] + "n't"] = [ dict(data), - {ORTH: "n't", LEMMA: "not", NORM: "not", TAG: "RB"}] + {ORTH: "n't", LEMMA: "not", NORM: "not", TAG: "RB"}, + ] _exc[data[ORTH] + "nt"] = [ dict(data), - {ORTH: "nt", LEMMA: "not", NORM: "not", TAG: "RB"}] + {ORTH: "nt", LEMMA: "not", NORM: "not", TAG: "RB"}, + ] # Other contractions with trailing apostrophe @@ -256,7 +309,8 @@ for exc_data in [ {ORTH: "nothin", LEMMA: "nothing", NORM: "nothing"}, {ORTH: "nuthin", LEMMA: "nothing", NORM: "nothing"}, {ORTH: "ol", LEMMA: "old", NORM: "old"}, - {ORTH: "somethin", LEMMA: "something", NORM: "something"}]: + {ORTH: "somethin", LEMMA: "something", NORM: "something"}, +]: exc_data_tc = dict(exc_data) exc_data_tc[ORTH] = exc_data_tc[ORTH].title() for data in [exc_data, exc_data_tc]: @@ -272,7 +326,8 @@ for exc_data in [ {ORTH: "cause", LEMMA: "because", NORM: "because"}, {ORTH: "em", LEMMA: PRON_LEMMA, NORM: "them"}, {ORTH: "ll", LEMMA: "will", NORM: "will"}, - {ORTH: "nuff", LEMMA: "enough", NORM: "enough"}]: + {ORTH: "nuff", LEMMA: "enough", NORM: "enough"}, +]: exc_data_apos = dict(exc_data) exc_data_apos[ORTH] = "'" + exc_data_apos[ORTH] for data in [exc_data, exc_data_apos]: @@ -285,81 +340,69 @@ for h in range(1, 12 + 1): for period in ["a.m.", "am"]: _exc["%d%s" % (h, period)] = [ {ORTH: "%d" % h}, - {ORTH: period, LEMMA: "a.m.", NORM: "a.m."}] + {ORTH: period, LEMMA: "a.m.", NORM: "a.m."}, + ] for period in ["p.m.", "pm"]: _exc["%d%s" % (h, period)] = [ {ORTH: "%d" % h}, - {ORTH: period, LEMMA: "p.m.", NORM: "p.m."}] + {ORTH: period, LEMMA: "p.m.", NORM: "p.m."}, + ] # Rest _other_exc = { - "y'all": [ - {ORTH: "y'", LEMMA: PRON_LEMMA, NORM: "you"}, - {ORTH: "all"}], - - "yall": [ - {ORTH: "y", LEMMA: PRON_LEMMA, NORM: "you"}, - {ORTH: "all"}], - + "y'all": [{ORTH: "y'", LEMMA: PRON_LEMMA, NORM: "you"}, {ORTH: "all"}], + "yall": [{ORTH: "y", LEMMA: PRON_LEMMA, NORM: "you"}, {ORTH: "all"}], "how'd'y": [ {ORTH: "how", LEMMA: "how"}, {ORTH: "'d", LEMMA: "do"}, - {ORTH: "'y", LEMMA: PRON_LEMMA, NORM: "you"}], - + {ORTH: "'y", LEMMA: PRON_LEMMA, NORM: "you"}, + ], "How'd'y": [ {ORTH: "How", LEMMA: "how", NORM: "how"}, {ORTH: "'d", LEMMA: "do"}, - {ORTH: "'y", LEMMA: PRON_LEMMA, NORM: "you"}], - + {ORTH: "'y", LEMMA: PRON_LEMMA, NORM: "you"}, + ], "not've": [ {ORTH: "not", LEMMA: "not", TAG: "RB"}, - {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}], - + {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ], "notve": [ {ORTH: "not", LEMMA: "not", TAG: "RB"}, - {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}], - + {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ], "Not've": [ {ORTH: "Not", LEMMA: "not", NORM: "not", TAG: "RB"}, - {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}], - + {ORTH: "'ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ], "Notve": [ {ORTH: "Not", LEMMA: "not", NORM: "not", TAG: "RB"}, - {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}], - + {ORTH: "ve", LEMMA: "have", NORM: "have", TAG: "VB"}, + ], "cannot": [ {ORTH: "can", LEMMA: "can", TAG: "MD"}, - {ORTH: "not", LEMMA: "not", TAG: "RB"}], - + {ORTH: "not", LEMMA: "not", TAG: "RB"}, + ], "Cannot": [ {ORTH: "Can", LEMMA: "can", NORM: "can", TAG: "MD"}, - {ORTH: "not", LEMMA: "not", TAG: "RB"}], - + {ORTH: "not", LEMMA: "not", TAG: "RB"}, + ], "gonna": [ {ORTH: "gon", LEMMA: "go", NORM: "going"}, - {ORTH: "na", LEMMA: "to", NORM: "to"}], - + {ORTH: "na", LEMMA: "to", NORM: "to"}, + ], "Gonna": [ {ORTH: "Gon", LEMMA: "go", NORM: "going"}, - {ORTH: "na", LEMMA: "to", NORM: "to"}], - - "gotta": [ - {ORTH: "got"}, - {ORTH: "ta", LEMMA: "to", NORM: "to"}], - - "Gotta": [ - {ORTH: "Got", NORM: "got"}, - {ORTH: "ta", LEMMA: "to", NORM: "to"}], - - "let's": [ - {ORTH: "let"}, - {ORTH: "'s", LEMMA: PRON_LEMMA, NORM: "us"}], - + {ORTH: "na", LEMMA: "to", NORM: "to"}, + ], + "gotta": [{ORTH: "got"}, {ORTH: "ta", LEMMA: "to", NORM: "to"}], + "Gotta": [{ORTH: "Got", NORM: "got"}, {ORTH: "ta", LEMMA: "to", NORM: "to"}], + "let's": [{ORTH: "let"}, {ORTH: "'s", LEMMA: PRON_LEMMA, NORM: "us"}], "Let's": [ {ORTH: "Let", LEMMA: "let", NORM: "let"}, - {ORTH: "'s", LEMMA: PRON_LEMMA, NORM: "us"}] + {ORTH: "'s", LEMMA: PRON_LEMMA, NORM: "us"}, + ], } _exc.update(_other_exc) @@ -402,8 +445,6 @@ for exc_data in [ {ORTH: "Goin'", LEMMA: "go", NORM: "going"}, {ORTH: "goin", LEMMA: "go", NORM: "going"}, {ORTH: "Goin", LEMMA: "go", NORM: "going"}, - - {ORTH: "Mt.", LEMMA: "Mount", NORM: "Mount"}, {ORTH: "Ak.", LEMMA: "Alaska", NORM: "Alaska"}, {ORTH: "Ala.", LEMMA: "Alabama", NORM: "Alabama"}, @@ -456,15 +497,47 @@ for exc_data in [ {ORTH: "Tenn.", LEMMA: "Tennessee", NORM: "Tennessee"}, {ORTH: "Va.", LEMMA: "Virginia", NORM: "Virginia"}, {ORTH: "Wash.", LEMMA: "Washington", NORM: "Washington"}, - {ORTH: "Wis.", LEMMA: "Wisconsin", NORM: "Wisconsin"}]: + {ORTH: "Wis.", LEMMA: "Wisconsin", NORM: "Wisconsin"}, +]: _exc[exc_data[ORTH]] = [exc_data] for orth in [ - "'d", "a.m.", "Adm.", "Bros.", "co.", "Co.", "Corp.", "D.C.", "Dr.", "e.g.", - "E.g.", "E.G.", "Gen.", "Gov.", "i.e.", "I.e.", "I.E.", "Inc.", "Jr.", - "Ltd.", "Md.", "Messrs.", "Mo.", "Mont.", "Mr.", "Mrs.", "Ms.", "p.m.", - "Ph.D.", "Rep.", "Rev.", "Sen.", "St.", "vs."]: + "'d", + "a.m.", + "Adm.", + "Bros.", + "co.", + "Co.", + "Corp.", + "D.C.", + "Dr.", + "e.g.", + "E.g.", + "E.G.", + "Gen.", + "Gov.", + "i.e.", + "I.e.", + "I.E.", + "Inc.", + "Jr.", + "Ltd.", + "Md.", + "Messrs.", + "Mo.", + "Mont.", + "Mr.", + "Mrs.", + "Ms.", + "p.m.", + "Ph.D.", + "Rep.", + "Rev.", + "Sen.", + "St.", + "vs.", +]: _exc[orth] = [{ORTH: orth}] diff --git a/spacy/lang/entity_rules.py b/spacy/lang/entity_rules.py index 041edc594..3690a7eaf 100644 --- a/spacy/lang/entity_rules.py +++ b/spacy/lang/entity_rules.py @@ -30,8 +30,9 @@ for name, tag, patterns in [ ("Facebook", "ORG", [[{LOWER: "facebook"}]]), ("Blizzard", "ORG", [[{LOWER: "blizzard"}]]), ("Ubuntu", "ORG", [[{LOWER: "ubuntu"}]]), - ("YouTube", "PRODUCT", [[{LOWER: "youtube"}]]),]: - ENTITY_RULES.append({ENT_ID: name, 'attrs': {ENT_TYPE: tag}, 'patterns': patterns}) + ("YouTube", "PRODUCT", [[{LOWER: "youtube"}]]), +]: + ENTITY_RULES.append({ENT_ID: name, "attrs": {ENT_TYPE: tag}, "patterns": patterns}) FALSE_POSITIVES = [ @@ -46,5 +47,5 @@ FALSE_POSITIVES = [ [{ORTH: "Yay"}], [{ORTH: "Ahh"}], [{ORTH: "Yea"}], - [{ORTH: "Bah"}] + [{ORTH: "Bah"}], ] diff --git a/spacy/lang/es/__init__.py b/spacy/lang/es/__init__.py index 41dd817dd..d5d6e4f23 100644 --- a/spacy/lang/es/__init__.py +++ b/spacy/lang/es/__init__.py @@ -16,8 +16,10 @@ from ...util import update_exc, add_lookups class SpanishDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'es' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "es" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) tag_map = TAG_MAP stop_words = STOP_WORDS @@ -26,8 +28,8 @@ class SpanishDefaults(Language.Defaults): class Spanish(Language): - lang = 'es' + lang = "es" Defaults = SpanishDefaults -__all__ = ['Spanish'] +__all__ = ["Spanish"] diff --git a/spacy/lang/es/examples.py b/spacy/lang/es/examples.py index 61fe8c9be..96ff9c1ed 100644 --- a/spacy/lang/es/examples.py +++ b/spacy/lang/es/examples.py @@ -18,5 +18,5 @@ sentences = [ "El gato come pescado", "Veo al hombre con el telescopio", "La araña come moscas", - "El pingüino incuba en su nido" + "El pingüino incuba en su nido", ] diff --git a/spacy/lang/es/stop_words.py b/spacy/lang/es/stop_words.py index e29b68f13..20e929b48 100644 --- a/spacy/lang/es/stop_words.py +++ b/spacy/lang/es/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ actualmente acuerdo adelante ademas además adrede afirmó agregó ahi ahora ahí al algo alguna algunas alguno algunos algún alli allí alrededor ambos ampleamos antano antaño ante anterior antes apenas aproximadamente aquel aquella aquellas @@ -81,4 +82,5 @@ va vais valor vamos van varias varios vaya veces ver verdad verdadera verdadero vez vosotras vosotros voy vuestra vuestras vuestro vuestros ya yo -""".split()) +""".split() +) diff --git a/spacy/lang/es/syntax_iterators.py b/spacy/lang/es/syntax_iterators.py index b81d1fab0..6a78d86f7 100644 --- a/spacy/lang/es/syntax_iterators.py +++ b/spacy/lang/es/syntax_iterators.py @@ -8,18 +8,20 @@ def noun_chunks(obj): doc = obj.doc if not len(doc): return - np_label = doc.vocab.strings.add('NP') - left_labels = ['det', 'fixed', 'neg'] #['nunmod', 'det', 'appos', 'fixed'] - right_labels = ['flat', 'fixed', 'compound', 'neg'] - stop_labels = ['punct'] + np_label = doc.vocab.strings.add("NP") + left_labels = ["det", "fixed", "neg"] # ['nunmod', 'det', 'appos', 'fixed'] + right_labels = ["flat", "fixed", "compound", "neg"] + stop_labels = ["punct"] np_left_deps = [doc.vocab.strings.add(label) for label in left_labels] np_right_deps = [doc.vocab.strings.add(label) for label in right_labels] stop_deps = [doc.vocab.strings.add(label) for label in stop_labels] token = doc[0] while token and token.i < len(doc): if token.pos in [PROPN, NOUN, PRON]: - left, right = noun_bounds(doc, token, np_left_deps, np_right_deps, stop_deps) - yield left.i, right.i+1, np_label + left, right = noun_bounds( + doc, token, np_left_deps, np_right_deps, stop_deps + ) + yield left.i, right.i + 1, np_label token = right token = next_token(token) @@ -31,7 +33,7 @@ def is_verb_token(token): def next_token(token): try: return token.nbor() - except: + except IndexError: return None @@ -42,16 +44,20 @@ def noun_bounds(doc, root, np_left_deps, np_right_deps, stop_deps): left_bound = token right_bound = root for token in root.rights: - if (token.dep in np_right_deps): - left, right = noun_bounds(doc, token, np_left_deps, np_right_deps, stop_deps) - if list(filter(lambda t: is_verb_token(t) or t.dep in stop_deps, - doc[left_bound.i: right.i])): + if token.dep in np_right_deps: + left, right = noun_bounds( + doc, token, np_left_deps, np_right_deps, stop_deps + ) + if list( + filter( + lambda t: is_verb_token(t) or t.dep in stop_deps, + doc[left_bound.i : right.i], + ) + ): break else: right_bound = right return left_bound, right_bound -SYNTAX_ITERATORS = { - 'noun_chunks': noun_chunks -} +SYNTAX_ITERATORS = {"noun_chunks": noun_chunks} diff --git a/spacy/lang/es/tag_map.py b/spacy/lang/es/tag_map.py index abc8e9f68..e6b93e318 100644 --- a/spacy/lang/es/tag_map.py +++ b/spacy/lang/es/tag_map.py @@ -4,7 +4,7 @@ from __future__ import unicode_literals from ...symbols import POS, PUNCT, SYM, ADJ, NUM, DET, ADV, ADP, X, VERB from ...symbols import NOUN, PROPN, PART, INTJ, SPACE, PRON, SCONJ, AUX, CONJ - +# fmt: off TAG_MAP = { "ADJ___": {"morph": "_", POS: ADJ}, "ADJ__AdpType=Prep": {"morph": "AdpType=Prep", POS: ADJ}, @@ -29,7 +29,7 @@ TAG_MAP = { "ADP__AdpType=Preppron|Gender=Fem|Number=Sing": {"morph": "AdpType=Preppron|Gender=Fem|Number=Sing", POS: ADP}, "ADP__AdpType=Preppron|Gender=Masc|Number=Plur": {"morph": "AdpType=Preppron|Gender=Masc|Number=Plur", POS: ADP}, "ADP__AdpType=Preppron|Gender=Masc|Number=Sing": {"morph": "AdpType=Preppron|Gender=Masc|Number=Sing", POS: ADP}, - "ADP": { POS: ADP}, + "ADP": {POS: ADP}, "ADV___": {"morph": "_", POS: ADV}, "ADV__AdpType=Prep": {"morph": "AdpType=Prep", POS: ADV}, "ADV__AdpType=Preppron|Gender=Masc|Number=Sing": {"morph": "AdpType=Preppron|Gender=Masc|Number=Sing", POS: ADV}, @@ -135,7 +135,7 @@ TAG_MAP = { "DET__Number=Sing|PronType=Ind": {"morph": "Number=Sing|PronType=Ind", POS: DET}, "DET__PronType=Int": {"morph": "PronType=Int", POS: DET}, "DET__PronType=Rel": {"morph": "PronType=Rel", POS: DET}, - "DET": { POS: DET}, + "DET": {POS: DET}, "INTJ___": {"morph": "_", POS: INTJ}, "NOUN___": {"morph": "_", POS: NOUN}, "NOUN__AdvType=Tim": {"morph": "AdvType=Tim", POS: NOUN}, @@ -307,3 +307,4 @@ TAG_MAP = { "X___": {"morph": "_", POS: X}, "_SP": {"morph": "_", POS: SPACE}, } +# fmt: on diff --git a/spacy/lang/es/tokenizer_exceptions.py b/spacy/lang/es/tokenizer_exceptions.py index 488b94762..9109d658b 100644 --- a/spacy/lang/es/tokenizer_exceptions.py +++ b/spacy/lang/es/tokenizer_exceptions.py @@ -1,17 +1,12 @@ # coding: utf8 from __future__ import unicode_literals -from ...symbols import ORTH, LEMMA, TAG, NORM, ADP, DET, PRON_LEMMA +from ...symbols import ORTH, LEMMA, NORM, PRON_LEMMA _exc = { - "pal": [ - {ORTH: "pa", LEMMA: "para"}, - {ORTH: "l", LEMMA: "el", NORM: "el"}], - - "pala": [ - {ORTH: "pa", LEMMA: "para"}, - {ORTH: "la", LEMMA: "la", NORM: "la"}] + "pal": [{ORTH: "pa", LEMMA: "para"}, {ORTH: "l", LEMMA: "el", NORM: "el"}], + "pala": [{ORTH: "pa", LEMMA: "para"}, {ORTH: "la", LEMMA: "la", NORM: "la"}], } @@ -24,32 +19,50 @@ for exc_data in [ {ORTH: "Ud.", LEMMA: PRON_LEMMA, NORM: "usted"}, {ORTH: "Vd.", LEMMA: PRON_LEMMA, NORM: "usted"}, {ORTH: "Uds.", LEMMA: PRON_LEMMA, NORM: "ustedes"}, - {ORTH: "Vds.", LEMMA: PRON_LEMMA, NORM: "ustedes"}]: + {ORTH: "Vds.", LEMMA: PRON_LEMMA, NORM: "ustedes"}, +]: _exc[exc_data[ORTH]] = [exc_data] # Times -_exc["12m."] = [ - {ORTH: "12"}, - {ORTH: "m.", LEMMA: "p.m."}] +_exc["12m."] = [{ORTH: "12"}, {ORTH: "m.", LEMMA: "p.m."}] for h in range(1, 12 + 1): for period in ["a.m.", "am"]: - _exc["%d%s" % (h, period)] = [ - {ORTH: "%d" % h}, - {ORTH: period, LEMMA: "a.m."}] + _exc["%d%s" % (h, period)] = [{ORTH: "%d" % h}, {ORTH: period, LEMMA: "a.m."}] for period in ["p.m.", "pm"]: - _exc["%d%s" % (h, period)] = [ - {ORTH: "%d" % h}, - {ORTH: period, LEMMA: "p.m."}] + _exc["%d%s" % (h, period)] = [{ORTH: "%d" % h}, {ORTH: period, LEMMA: "p.m."}] for orth in [ - "a.C.", "a.J.C.", "apdo.", "Av.", "Avda.", "Cía.", "etc.", "Gob.", "Gral.", - "Ing.", "J.C.", "Lic.", "m.n.", "no.", "núm.", "P.D.", "Prof.", "Profa.", - "q.e.p.d.", "S.A.", "S.L.", "s.s.s.", "Sr.", "Sra.", "Srta."]: + "a.C.", + "a.J.C.", + "apdo.", + "Av.", + "Avda.", + "Cía.", + "etc.", + "Gob.", + "Gral.", + "Ing.", + "J.C.", + "Lic.", + "m.n.", + "no.", + "núm.", + "P.D.", + "Prof.", + "Profa.", + "q.e.p.d.", + "S.A.", + "S.L.", + "s.s.s.", + "Sr.", + "Sra.", + "Srta.", +]: _exc[orth] = [{ORTH: orth}] diff --git a/spacy/lang/fa/__init__.py b/spacy/lang/fa/__init__.py index 2d82d8c7b..8756c3ff9 100644 --- a/spacy/lang/fa/__init__.py +++ b/spacy/lang/fa/__init__.py @@ -12,11 +12,14 @@ from .tag_map import TAG_MAP from .punctuation import TOKENIZER_SUFFIXES from .lemmatizer import LEMMA_RULES, LEMMA_INDEX, LEMMA_EXC + class PersianDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) - lex_attr_getters[LANG] = lambda text: 'fa' + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) + lex_attr_getters[LANG] = lambda text: "fa" tokenizer_exceptions = update_exc(TOKENIZER_EXCEPTIONS) lemma_rules = LEMMA_RULES lemma_index = LEMMA_INDEX @@ -27,8 +30,8 @@ class PersianDefaults(Language.Defaults): class Persian(Language): - lang = 'fa' + lang = "fa" Defaults = PersianDefaults -__all__ = ['Persian'] +__all__ = ["Persian"] diff --git a/spacy/lang/fa/examples.py b/spacy/lang/fa/examples.py index 239108712..3f65a366d 100644 --- a/spacy/lang/fa/examples.py +++ b/spacy/lang/fa/examples.py @@ -12,8 +12,8 @@ Example sentences to test spaCy and its language models. sentences = [ "این یک جمله نمونه می باشد.", - "قرار ما، امروز ساعت ۲:۳۰ بعدازظهر هست!" + "قرار ما، امروز ساعت ۲:۳۰ بعدازظهر هست!", "دیروز علی به من ۲۰۰۰.۱﷼ پول نقد داد.", - "چطور می‌توان از تهران به کاشان رفت؟" - "حدود ۸۰٪ هوا از نیتروژن تشکیل شده است." + "چطور می‌توان از تهران به کاشان رفت؟", + "حدود ۸۰٪ هوا از نیتروژن تشکیل شده است.", ] diff --git a/spacy/lang/fa/lemmatizer/__init__.py b/spacy/lang/fa/lemmatizer/__init__.py index b54ec7ad2..8c105adf9 100644 --- a/spacy/lang/fa/lemmatizer/__init__.py +++ b/spacy/lang/fa/lemmatizer/__init__.py @@ -10,23 +10,13 @@ from ._verbs_exc import VERBS_EXC from ._lemma_rules import ADJECTIVE_RULES, NOUN_RULES, VERB_RULES, PUNCT_RULES -LEMMA_INDEX = { - 'adj': ADJECTIVES, - 'noun': NOUNS, - 'verb': VERBS -} +LEMMA_INDEX = {"adj": ADJECTIVES, "noun": NOUNS, "verb": VERBS} LEMMA_RULES = { - 'adj': ADJECTIVE_RULES, - 'noun': NOUN_RULES, - 'verb': VERB_RULES, - 'punct': PUNCT_RULES + "adj": ADJECTIVE_RULES, + "noun": NOUN_RULES, + "verb": VERB_RULES, + "punct": PUNCT_RULES, } -LEMMA_EXC = { - 'adj': ADJECTIVES_EXC, - 'noun': NOUNS_EXC, - 'verb': VERBS_EXC -} - - +LEMMA_EXC = {"adj": ADJECTIVES_EXC, "noun": NOUNS_EXC, "verb": VERBS_EXC} diff --git a/spacy/lang/fa/lemmatizer/_adjectives.py b/spacy/lang/fa/lemmatizer/_adjectives.py index 7f15e0fde..7a223e591 100644 --- a/spacy/lang/fa/lemmatizer/_adjectives.py +++ b/spacy/lang/fa/lemmatizer/_adjectives.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -ADJECTIVES = set(""" +ADJECTIVES = set( + """ صفر صفرم صفر‌ام @@ -2977,4 +2978,7 @@ ADJECTIVES = set(""" یک‌دست یک‌روزه ییلاقی -""".split('\n')) +""".split( + "\n" + ) +) diff --git a/spacy/lang/fa/lemmatizer/_lemma_rules.py b/spacy/lang/fa/lemmatizer/_lemma_rules.py index 2928361f4..6c78e7bb3 100644 --- a/spacy/lang/fa/lemmatizer/_lemma_rules.py +++ b/spacy/lang/fa/lemmatizer/_lemma_rules.py @@ -6,59 +6,53 @@ ADJECTIVE_RULES = [ ["ین", ""], ["\u200cترین", ""], ["ترین", ""], - ["\u200cتر", ""], + ["\u200cتر", ""], ["تر", ""], ["\u200cای", ""], -# ["ایی", "ا"], -# ["ویی", "و"], -# ["ی", ""], -# ["مند", ""], -# ["گین", ""], -# ["مین", ""], -# ["ناک", ""], -# ["سار", ""], -# ["\u200cوار", ""], -# ["وار", ""] + # ["ایی", "ا"], + # ["ویی", "و"], + # ["ی", ""], + # ["مند", ""], + # ["گین", ""], + # ["مین", ""], + # ["ناک", ""], + # ["سار", ""], + # ["\u200cوار", ""], + # ["وار", ""] ] NOUN_RULES = [ - ['ایان', 'ا'], - ['ویان', 'و'], - ['ایانی', 'ا'], - ['ویانی', 'و'], - ['گان', 'ه'], - ['گانی', 'ه'], - ['گان', ''], - ['گانی', ''], - ['ان', ''], - ['انی', ''], - ['ات', ''], - ['ات', 'ه'], - ['ات', 'ت'], - ['اتی', ''], - ['اتی', 'ه'], - ['اتی', 'ت'], + ["ایان", "ا"], + ["ویان", "و"], + ["ایانی", "ا"], + ["ویانی", "و"], + ["گان", "ه"], + ["گانی", "ه"], + ["گان", ""], + ["گانی", ""], + ["ان", ""], + ["انی", ""], + ["ات", ""], + ["ات", "ه"], + ["ات", "ت"], + ["اتی", ""], + ["اتی", "ه"], + ["اتی", "ت"], # ['ین', ''], # ['ینی', ''], # ['ون', ''], # ['ونی', ''], - ['\u200cها', ''], - ['ها', ''], - ['\u200cهای', ''], - ['های', ''], - ['\u200cهایی', ''], - ['هایی', ''], + ["\u200cها", ""], + ["ها", ""], + ["\u200cهای", ""], + ["های", ""], + ["\u200cهایی", ""], + ["هایی", ""], ] -VERB_RULES = [ -] +VERB_RULES = [] -PUNCT_RULES = [ - ["“", "\""], - ["”", "\""], - ["\u2018", "'"], - ["\u2019", "'"] -] +PUNCT_RULES = [["“", '"'], ["”", '"'], ["\u2018", "'"], ["\u2019", "'"]] diff --git a/spacy/lang/fa/lemmatizer/_nouns.py b/spacy/lang/fa/lemmatizer/_nouns.py index 0c05796c8..ebdd1a281 100644 --- a/spacy/lang/fa/lemmatizer/_nouns.py +++ b/spacy/lang/fa/lemmatizer/_nouns.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -NOUNS = set(""" +NOUNS = set( + """ آ آئین‌نامه آب @@ -8083,4 +8084,5 @@ NOUNS = set(""" یک‌یک یی ‌ای -""".split()) \ No newline at end of file +""".split() +) diff --git a/spacy/lang/fa/lemmatizer/_nouns_exc.py b/spacy/lang/fa/lemmatizer/_nouns_exc.py index c61dcdc77..e3030bed6 100644 --- a/spacy/lang/fa/lemmatizer/_nouns_exc.py +++ b/spacy/lang/fa/lemmatizer/_nouns_exc.py @@ -3,779 +3,779 @@ from __future__ import unicode_literals NOUNS_EXC = { -"آثار": ("اثر",), -"آرا": ("رأی",), -"آراء": ("رأی",), -"آفات": ("آفت",), -"اباطیل": ("باطل",), -"ائمه": ("امام",), -"ابرار": ("بر",), -"ابعاد": ("بعد",), -"ابنیه": ("بنا",), -"ابواب": ("باب",), -"ابیات": ("بیت",), -"اجداد": ("جد",), -"اجساد": ("جسد",), -"اجناس": ("جنس",), -"اثمار": ("ثمر",), -"اجرام": ("جرم",), -"اجسام": ("جسم",), -"اجنه": ("جن",), -"احادیث": ("حدیث",), -"احجام": ("حجم",), -"احرار": ("حر",), -"احزاب": ("حزب",), -"احکام": ("حکم",), -"اخبار": ("خبر",), -"اخیار": ("خیر",), -"ادبا": ("ادیب",), -"ادعیه": ("دعا",), -"ادله": ("دلیل",), -"ادوار": ("دوره",), -"ادیان": ("دین",), -"اذهان": ("ذهن",), -"اذکار": ("ذکر",), -"اراضی": ("ارض",), -"ارزاق": ("رزق",), -"ارقام": ("رقم",), -"ارواح": ("روح",), -"ارکان": ("رکن",), -"ازمنه": ("زمان",), -"اساتید": ("استاد",), -"اساطیر": ("اسطوره",), -"اسامی": ("اسم",), -"اسرار": ("سر",), -"اسما": ("اسم",), -"اسناد": ("سند",), -"اسیله": ("سوال",), -"اشجار": ("شجره",), -"اشخاص": ("شخص",), -"اشرار": ("شر",), -"اشربه": ("شراب",), -"اشعار": ("شعر",), -"اشقیا": ("شقی",), -"اشیا": ("شی",), -"اشباح": ("شبح",), -"اصدقا": ("صدیق",), -"اصناف": ("صنف",), -"اصنام": ("صنم",), -"اصوات": ("صوت",), -"اصول": ("اصل",), -"اضداد": ("ضد",), -"اطبا": ("طبیب",), -"اطعمه": ("طعام",), -"اطفال": ("طفل",), -"الطاف": ("لطف",), -"اعدا": ("عدو",), -"اعزا": ("عزیز",), -"اعضا": ("عضو",), -"اعماق": ("عمق",), -"الفاظ": ("لفظ",), -"اعناب": ("عنب",), -"اغذیه": ("غذا",), -"اغراض": ("غرض",), -"افراد": ("فرد",), -"افعال": ("فعل",), -"افلاک": ("فلک",), -"افکار": ("فکر",), -"اقالیم": ("اقلیم",), -"اقربا": ("قریب",), -"اقسام": ("قسم",), -"اقشار": ("قشر",), -"اقفال": ("قفل",), -"اقلام": ("قلم",), -"اقوال": ("قول",), -"اقوام": ("قوم",), -"البسه": ("لباس",), -"الحام": ("لحم",), -"الحکام": ("الحاکم",), -"القاب": ("لقب",), -"الواح": ("لوح",), -"الکبار": ("الکبیر",), -"اماکن": ("مکان",), -"امثال": ("مثل",), -"امراض": ("مرض",), -"امم": ("امت",), -"امواج": ("موج",), -"اموال": ("مال",), -"امور": ("امر",), -"امیال": ("میل",), -"انبیا": ("نبی",), -"انجم": ("نجم",), -"انظار": ("نظر",), -"انفس": ("نفس",), -"انهار": ("نهر",), -"انواع": ("نوع",), -"اهالی": ("اهل",), -"اهداف": ("هدف",), -"اواخر": ("آخر",), -"اواسط": ("وسط",), -"اوایل": ("اول",), -"اوراد": ("ورد",), -"اوراق": ("ورق",), -"اوزان": ("وزن",), -"اوصاف": ("وصف",), -"اوضاع": ("وضع",), -"اوقات": ("وقت",), -"اولاد": ("ولد",), -"اولیا": ("ولی",), -"اولیاء": ("ولی",), -"اوهام": ("وهم",), -"اکاذیب": ("اکذوبه",), -"اکفان": ("کفن",), -"ایالات": ("ایالت",), -"ایام": ("یوم",), -"ایتام": ("یتیم",), -"بشایر": ("بشارت",), -"بصایر": ("بصیرت",), -"بطون": ("بطن",), -"بنادر": ("بندر",), -"بیوت": ("بیت",), -"تجار": ("تاجر",), -"تجارب": ("تجربه",), -"تدابیر": ("تدبیر",), -"تعاریف": ("تعریف",), -"تلامیذ": ("تلمیذ",), -"تهم": ("تهمت",), -"توابیت": ("تابوت",), -"تواریخ": ("تاریخ",), -"جبال": ("جبل",), -"جداول": ("جدول",), -"جدود": ("جد",), -"جراثیم": ("جرثوم",), -"جرایم": ("جرم",), -"جرائم": ("جرم",), -"جزئیات": ("جزء",), -"جزایر": ("جزیره",), -"جزییات": ("جزء",), -"جنایات": ("جنایت",), -"جهات": ("جهت",), -"جوامع": ("جامعه",), -"حدود": ("حد",), -"حروف": ("حرف",), -"حقایق": ("حقیقت",), -"حقوق": ("حق",), -"حوادث": ("حادثه",), -"حواشی": ("حاشیه",), -"حوایج": ("حاجت",), -"حوائج": ("حاجت",), -"حکما": ("حکیم",), -"خدمات": ("خدمت",), -"خدمه": ("خادم",), -"خدم": ("خادم",), -"خزاین": ("خزینه",), -"خصایص": ("خصیصه",), -"خطوط": ("خط",), -"دراهم": ("درهم",), -"دروس": ("درس",), -"دفاتر": ("دفتر",), -"دلایل": ("دلیل",), -"دلائل": ("دلیل",), -"ذخایر": ("ذخیره",), -"ذنوب": ("ذنب",), -"ربوع": ("ربع",), -"رجال": ("رجل",), -"رسایل": ("رسال",), -"رسوم": ("رسم",), -"روابط": ("رابطه",), -"روسا": ("رئیس",), -"رئوس": ("راس",), -"ریوس": ("راس",), -"زوار": ("زائر",), -"ساعات": ("ساعت",), -"سبل": ("سبیل",), -"سطوح": ("سطح",), -"سطور": ("سطر",), -"سعدا": ("سعید",), -"سفن": ("سفینه",), -"سقاط": ("ساقی",), -"سلاطین": ("سلطان",), -"سلایق": ("سلیقه",), -"سموم": ("سم",), -"سنن": ("سنت",), -"سنین": ("سن",), -"سهام": ("سهم",), -"سوابق": ("سابقه",), -"سواحل": ("ساحل",), -"سوانح": ("سانحه",), -"شباب": ("شاب",), -"شرایط": ("شرط",), -"شروط": ("شرط",), -"شرکا": ("شریک",), -"شعب": ("شعبه",), -"شعوب": ("شعب",), -"شموس": ("شمس",), -"شهدا": ("شهید",), -"شهور": ("شهر",), -"شواهد": ("شاهد",), -"شوون": ("شان",), -"شکات": ("شاکی",), -"شیاطین": ("شیطان",), -"صبیان": ("صبی",), -"صحف": ("صحیفه",), -"صغار": ("صغیر",), -"صفوف": ("صف",), -"صنادیق": ("صندوق",), -"ضعفا": ("ضعیف",), -"ضمایر": ("ضمیر",), -"ضوابط": ("ضابطه",), -"طرق": ("طریق",), -"طلاب": ("طلبه",), -"طواغیت": ("طاغوت",), -"طیور": ("طیر",), -"عادات": ("عادت",), -"عباد": ("عبد",), -"عبارات": ("عبارت",), -"عجایب": ("عجیب",), -"عزایم": ("عزیمت",), -"عشایر": ("عشیره",), -"عطور": ("عطر",), -"عظما": ("عظیم",), -"عقاید": ("عقیده",), -"عقائد": ("عقیده",), -"علائم": ("علامت",), -"علایم": ("علامت",), -"علما": ("عالم",), -"علوم": ("علم",), -"عمال": ("عمله",), -"عناصر": ("عنصر",), -"عناوین": ("عنوان",), -"عواطف": ("عاطفه",), -"عواقب": ("عاقبت",), -"عوالم": ("عالم",), -"عوامل": ("عامل",), -"عیوب": ("عیب",), -"عیون": ("عین",), -"غدد": ("غده",), -"غرف": ("غرفه",), -"غیوب": ("غیب",), -"غیوم": ("غیم",), -"فرایض": ("فریضه",), -"فضایل": ("فضیلت",), -"فضلا": ("فاضل",), -"فواصل": ("فاصله",), -"فواید": ("فایده",), -"قبایل": ("قبیله",), -"قرون": ("قرن",), -"قصص": ("قصه",), -"قضات": ("قاضی",), -"قضایا": ("قضیه",), -"قلل": ("قله",), -"قلوب": ("قلب",), -"قواعد": ("قاعده",), -"قوانین": ("قانون",), -"قیود": ("قید",), -"لطایف": ("لطیفه",), -"لیالی": ("لیل",), -"مباحث": ("مبحث",), -"مبالغ": ("مبلغ",), -"متون": ("متن",), -"مجالس": ("مجلس",), -"محاصیل": ("محصول",), -"محافل": ("محفل",), -"محاکم": ("محکمه",), -"مخارج": ("خرج",), -"مدارس": ("مدرسه",), -"مدارک": ("مدرک",), -"مداین": ("مدینه",), -"مدن": ("مدینه",), -"مراتب": ("مرتبه",), -"مراتع": ("مرتع",), -"مراجع": ("مرجع",), -"مراحل": ("مرحله",), -"مسائل": ("مسئله",), -"مساجد": ("مسجد",), -"مساعی": ("سعی",), -"مسالک": ("مسلک",), -"مساکین": ("مسکین",), -"مسایل": ("مسئله",), -"مشاعر": ("مشعر",), -"مشاغل": ("شغل",), -"مشایخ": ("شیخ",), -"مصادر": ("مصدر",), -"مصادق": ("مصداق",), -"مصادیق": ("مصداق",), -"مصاعب": ("مصعب",), -"مضار": ("ضرر",), -"مضامین": ("مضمون",), -"مطالب": ("مطلب",), -"مظالم": ("مظلمه",), -"مظاهر": ("مظهر",), -"اهرام": ("هرم",), -"معابد": ("معبد",), -"معابر": ("معبر",), -"معاجم": ("معجم",), -"معادن": ("معدن",), -"معاذیر": ("عذر",), -"معارج": ("معراج",), -"معاصی": ("معصیت",), -"معالم": ("معلم",), -"معایب": ("عیب",), -"مفاسد": ("مفسده",), -"مفاصل": ("مفصل",), -"مفاهیم": ("مفهوم",), -"مقابر": ("مقبره",), -"مقاتل": ("مقتل",), -"مقادیر": ("مقدار",), -"مقاصد": ("مقصد",), -"مقاطع": ("مقطع",), -"ملابس": ("ملبس",), -"ملوک": ("ملک",), -"ممالک": ("مملکت",), -"منابع": ("منبع",), -"منازل": ("منزل",), -"مناسبات": ("مناسبت",), -"مناسک": ("منسک",), -"مناطق": ("منطقه",), -"مناظر": ("منظره",), -"منافع": ("منفعت",), -"موارد": ("مورد",), -"مواضع": ("موضع",), -"مواضیع": ("موضوع",), -"مواطن": ("موطن",), -"مواقع": ("موقع",), -"موانع": ("مانع",), -"مکاتب": ("مکتب",), -"مکاتیب": ("مکتوب",), -"مکارم": ("مکرمه",), -"میادین": ("میدان",), -"نتایج": ("نتیجه",), -"نعم": ("نعمت",), -"نفوس": ("نفس",), -"نقاط": ("نقطه",), -"نواحی": ("ناحیه",), -"نوافذ": ("نافذه",), -"نواقص": ("نقص",), -"نوامیس": ("ناموس",), -"نکات": ("نکته",), -"نیات": ("نیت",), -"هدایا": ("هدیه",), -"واقعیات": ("واقعیت",), -"وجوه": ("وجه",), -"وحوش": ("وحش",), -"وزرا": ("وزیر",), -"وسایل": ("وسیله",), -"وصایا": ("وصیت",), -"وظایف": ("وظیفه",), -"وعاظ": ("واعظ",), -"وقایع": ("واقعه",), -"کتب": ("کتاب",), -"کسبه": ("کاسب",), -"کفار": ("کافر",), -"کواکب": ("کوکب",), -"تصاویر": ("تصویر",), -"صنوف": ("صنف",), -"اجزا": ("جزء",), -"اجزاء": ("جزء",), -"ذخائر": ("ذخیره",), -"خسارات": ("خسارت",), -"عشاق": ("عاشق",), -"تصانیف": ("تصنیف",), -"دﻻیل": ("دلیل",), -"قوا": ("قوه",), -"ملل": ("ملت",), -"جوایز": ("جایزه",), -"جوائز": ("جایزه",), -"ابعاض": ("بعض",), -"اتباع": ("تبعه",), -"اجلاس": ("جلسه",), -"احشام": ("حشم",), -"اخلاف": ("خلف",), -"ارامنه": ("ارمنی",), -"ازواج": ("زوج",), -"اسباط": ("سبط",), -"اعداد": ("عدد",), -"اعصار": ("عصر",), -"اعقاب": ("عقبه",), -"اعیاد": ("عید",), -"اعیان": ("عین",), -"اغیار": ("غیر",), -"اقارب": ("اقرب",), -"اقران": ("قرن",), -"اقساط": ("قسط",), -"امنای": ("امین",), -"امنا": ("امین",), -"اموات": ("میت",), -"اناجیل": ("انجیل",), -"انحا": ("نحو",), -"انساب": ("نسب",), -"انوار": ("نور",), -"اوامر": ("امر",), -"اوائل": ("اول",), -"اوصیا": ("وصی",), -"آحاد": ("احد",), -"براهین": ("برهان",), -"تعابیر": ("تعبیر",), -"تعالیم": ("تعلیم",), -"تفاسیر": ("تفسیر",), -"تکالیف": ("تکلیف",), -"تماثیل": ("تمثال",), -"جنود": ("جند",), -"جوانب": ("جانب",), -"حاجات": ("حاجت",), -"حرکات": ("حرکت",), -"حضرات": ("حضرت",), -"حکایات": ("حکایت",), -"حوالی": ("حول",), -"خصایل": ("خصلت",), -"خلایق": ("خلق",), -"خلفا": ("خلیفه",), -"دعاوی": ("دعوا",), -"دیون": ("دین",), -"ذراع": ("ذرع",), -"رعایا": ("رعیت",), -"روایات": ("روایت",), -"شعرا": ("شاعر",), -"شکایات": ("شکایت",), -"شهوات": ("شهوت",), -"شیوخ": ("شیخ",), -"شئون": ("شأن",), -"طبایع": ("طبع",), -"ظروف": ("ظرف",), -"ظواهر": ("ظاهر",), -"عبادات": ("عبادت",), -"عرایض": ("عریضه",), -"عرفا": ("عارف",), -"عروق": ("عرق",), -"عساکر": ("عسکر",), -"علماء": ("عالم",), -"فتاوا": ("فتوا",), -"فراعنه": ("فرعون",), -"فرامین": ("فرمان",), -"فروض": ("فرض",), -"فروع": ("فرع",), -"فصول": ("فصل",), -"فقها": ("فقیه",), -"قبور": ("قبر",), -"قبوض": ("قبض",), -"قدوم": ("قدم",), -"قرائات": ("قرائت",), -"قرائن": ("قرینه",), -"لغات": ("لغت",), -"مجامع": ("مجمع",), -"مخازن": ("مخزن",), -"مدارج": ("درجه",), -"مذاهب": ("مذهب",), -"مراکز": ("مرکز",), -"مصارف": ("مصرف",), -"مطامع": ("طمع",), -"معانی": ("معنی",), -"مناصب": ("منصب",), -"منافذ": ("منفذ",), -"مواریث": ("میراث",), -"موازین": ("میزان",), -"موالی": ("مولی",), -"مواهب": ("موهبت",), -"نسوان": ("نسا",), -"نصوص": ("نص",), -"نظایر": ("نظیر",), -"نقایص": ("نقص",), -"نقوش": ("نقش",), -"ولایات": ("ولایت",), -"هیئات": ("هیأت",), -"جماهیر": ("جمهوری",), -"خصائص": ("خصیصه",), -"دقایق": ("دقیقه",), -"رذایل": ("رذیلت",), -"طوایف": ("طایفه",), -"علامات": ("علامت",), -"علایق": ("علاقه",), -"علل": ("علت",), -"غرایز": ("غریزه",), -"غرائز": ("غریزه",), -"غنایم": ("غنیمت",), -"فرائض": ("فریضه",), -"فضائل": ("فضیلت",), -"فقرا": ("فقیر",), -"فلاسفه": ("فیلسوف",), -"فواحش": ("فاحشه",), -"قصائد": ("قصیده",), -"قصاید": ("قصیده",), -"قوائد": ("قائده",), -"مزارع": ("مزرعه",), -"مصائب": ("مصیبت",), -"معارف": ("معرفت",), -"نصایح": ("نصیحت",), -"وثایق": ("وثیقه",), -"وظائف": ("وظیفه",), -"توابین": ("تواب",), -"رفقا": ("رفیق",), -"رقبا": ("رقیب",), -"زحمات": ("زحمت",), -"زعما": ("زعیم",), -"زوایا": ("زاویه",), -"سماوات": ("سما",), -"علوفه": ("علف",), -"غایات": ("غایت",), -"فنون": ("فن",), -"لذات": ("لذت",), -"نعمات": ("نعمت",), -"امراء": ("امیر",), -"امرا": ("امیر",), -"دهاقین": ("دهقان",), -"سنوات": ("سنه",), -"عمارات": ("عمارت",), -"فتوح": ("فتح",), -"لذائذ": ("لذیذ",), -"لذایذ": ("لذیذ", "لذت",), -"تکایا": ("تکیه",), -"صفات": ("صفت",), -"خصوصیات": ("خصوصیت",), -"کیفیات": ("کیفیت",), -"حملات": ("حمله",), -"شایعات": ("شایعه",), -"صدمات": ("صدمه",), -"غلات": ("غله",), -"کلمات": ("کلمه",), -"مبارزات": ("مبارزه",), -"مراجعات": ("مراجعه",), -"مطالبات": ("مطالبه",), -"مکاتبات": ("مکاتبه",), -"نشریات": ("نشریه",), -"بحور": ("بحر",), -"تحقیقات": ("تحقیق",), -"مکالمات": ("مکالمه",), -"ریزمکالمات": ("ریزمکالمه",), -"تجربیات": ("تجربه",), -"جملات": ("جمله",), -"حالات": ("حالت",), -"حجاج": ("حاجی",), -"حسنات": ("حسنه",), -"حشرات": ("حشره",), -"خاطرات": ("خاطره",), -"درجات": ("درجه",), -"دفعات": ("دفعه",), -"سیارات": ("سیاره",), -"شبهات": ("شبهه",), -"ضایعات": ("ضایعه",), -"ضربات": ("ضربه",), -"طبقات": ("طبقه",), -"فرضیات": ("فرضیه",), -"قطرات": ("قطره",), -"قطعات": ("قطعه",), -"قلاع": ("قلعه",), -"کشیشان": ("کشیش",), -"مادیات": ("مادی",), -"مباحثات": ("مباحثه",), -"مجاهدات": ("مجاهدت",), -"محلات": ("محله",), -"مداخلات": ("مداخله",), -"مشقات": ("مشقت",), -"معادلات": ("معادله",), -"معوقات": ("معوقه",), -"منویات": ("منویه",), -"موقوفات": ("موقوفه",), -"موسسات": ("موسسه",), -"حلقات": ("حلقه",), -"ایات": ("ایه",), -"اصلح": ("صالح",), -"اظهر": ("ظاهر",), -"آیات": ("آیه",), -"برکات": ("برکت",), -"جزوات": ("جزوه",), -"خطابات": ("خطابه",), -"دوایر": ("دایره",), -"روحیات": ("روحیه",), -"متهمان": ("متهم",), -"مجاری": ("مجرا",), -"مشترکات": ("مشترک",), -"ورثه": ("وارث",), -"وکلا": ("وکیل",), -"نقبا": ("نقیب",), -"سفرا": ("سفیر",), -"مآخذ": ("مأخذ",), -"احوال": ("حال",), -"آلام": ("الم",), -"مزایا": ("مزیت",), -"عقلا": ("عاقل",), -"مشاهد": ("مشهد",), -"ظلمات": ("ظلمت",), -"خفایا": ("خفیه",), -"مشاهدات": ("مشاهده",), -"امامان": ("امام",), -"سگان": ("سگ",), -"نظریات": ("نظریه",), -"آفاق": ("افق",), -"آمال": ("امل",), -"دکاکین": ("دکان",), -"قصبات": ("قصبه",), -"مضرات": ("مضرت",), -"قبائل": ("قبیله",), -"مجانین": ("مجنون",), -"سيئات": ("سیئه",), -"صدقات": ("صدقه",), -"کثافات": ("کثافت",), -"کسورات": ("کسر",), -"معالجات": ("معالجه",), -"مقابلات": ("مقابله",), -"مناظرات": ("مناظره",), -"ناملايمات": ("ناملایمت",), -"وجوهات": ("وجه",), -"مصادرات": ("مصادره",), -"ملمعات": ("ملمع",), -"اولویات": ("اولویت",), -"جمرات": ("جمره",), -"زیارات": ("زیارت",), -"عقبات": ("عقبه",), -"کرامات": ("کرامت",), -"مراقبات": ("مراقبه",), -"نجاسات": ("نجاست",), -"هجویات": ("هجو",), -"تبدلات": ("تبدل",), -"روات": ("راوی",), -"فیوضات": ("فیض",), -"کفارات": ("کفاره",), -"نذورات": ("نذر",), -"حفریات": ("حفر",), -"عنایات": ("عنایت",), -"جراحات": ("جراحت",), -"ثمرات": ("ثمره",), -"حکام": ("حاکم",), -"مرسولات": ("مرسوله",), -"درایات": ("درایت",), -"سیئات": ("سیئه",), -"عدوات": ("عداوت",), -"عشرات": ("عشره",), -"عقوبات": ("عقوبه",), -"عقودات": ("عقود",), -"کثرات": ("کثرت",), -"مواجهات": ("مواجهه",), -"مواصلات": ("مواصله",), -"اجوبه": ("جواب",), -"اضلاع": ("ضلع",), -"السنه": ("لسان",), -"اشتات": ("شت",), -"دعوات": ("دعوت",), -"صعوبات": ("صعوبت",), -"عفونات": ("عفونت",), -"علوفات": ("علوفه",), -"غرامات": ("غرامت",), -"فارقات": ("فارقت",), -"لزوجات": ("لزوجت",), -"محللات": ("محلله",), -"مسافات": ("مسافت",), -"مسافحات": ("مسافحه",), -"مسامرات": ("مسامره",), -"مستلذات": ("مستلذ",), -"مسرات": ("مسرت",), -"مشافهات": ("مشافهه",), -"مشاهرات": ("مشاهره",), -"معروشات": ("معروشه",), -"مجادلات": ("مجادله",), -"ابغاض": ("بغض",), -"اجداث": ("جدث",), -"اجواز": ("جوز",), -"اجواد": ("جواد",), -"ازاهیر": ("ازهار",), -"عوائد": ("عائده",), -"احافیر": ("احفار",), -"احزان": ("حزن",), -"آنام": ("انام",), -"احباب": ("حبیب",), -"نوابغ": ("نابغه",), -"بینات": ("بینه",), -"حوالات": ("حواله",), -"حوالجات": ("حواله",), -"دستجات": ("دسته",), -"شمومات": ("شموم",), -"طاقات": ("طاقه",), -"علاقات": ("علاقه",), -"مراسلات": ("مراسله",), -"موجهات": ("موجه",), -"اقویا": ("قوی",), -"اغنیا": ("غنی",), -"بلایا": ("بلا",), -"خطایا": ("خطا",), -"ثنایا": ("ثنا",), -"لوایح": ("لایحه",), -"غزلیات": ("غزل",), -"اشارات": ("اشاره",), -"رکعات": ("رکعت",), -"امثالهم": ("مثل",), -"تشنجات": ("تشنج",), -"امانات": ("امانت",), -"بریات": ("بریت",), -"توست": ("تو",), -"حبست": ("حبس",), -"حیثیات": ("حیثیت",), -"شامات": ("شامه",), -"قبالات": ("قباله",), -"قرابات": ("قرابت",), -"مطلقات": ("مطلقه",), -"نزلات": ("نزله",), -"بکمان": ("بکیم",), -"روشان": ("روشن",), -"مسانید": ("مسند",), -"ناحیت": ("ناحیه",), -"رسوله": ("رسول",), -"دانشجویان": ("دانشجو",), -"روحانیون": ("روحانی",), -"قرون": ("قرن",), -"انقلابیون": ("انقلابی",), -"قوانین": ("قانون",), -"مجاهدین": ("مجاهد",), -"محققین": ("محقق",), -"متهمین": ("متهم",), -"مهندسین": ("مهندس",), -"مؤمنین": ("مؤمن",), -"مسئولین": ("مسئول",), -"مشرکین": ("مشرک",), -"مخاطبین": ("مخاطب",), -"مأمورین": ("مأمور",), -"سلاطین": ("سلطان",), -"مضامین": ("مضمون",), -"منتخبین": ("منتخب",), -"متحدین": ("متحد",), -"متخصصین": ("متخصص",), -"مسوولین": ("مسوول",), -"شیاطین": ("شیطان",), -"مباشرین": ("مباشر",), -"منتقدین": ("منتقد",), -"موسسین": ("موسس",), -"مسؤلین": ("مسؤل",), -"متحجرین": ("متحجر",), -"مهاجرین": ("مهاجر",), -"مترجمین": ("مترجم",), -"مدعوین": ("مدعو",), -"مشترکین": ("مشترک",), -"معصومین": ("معصوم",), -"مسابقات": ("مسابقه",), -"معانی": ("معنی",), -"مطالعات": ("مطالعه",), -"نکات": ("نکته",), -"خصوصیات": ("خصوصیت",), -"خدمات": ("خدمت",), -"نشریات": ("نشریه",), -"ساعات": ("ساعت",), -"بزرگان": ("بزرگ",), -"خسارات": ("خسارت",), -"شیعیان": ("شیعه",), -"واقعیات": ("واقعیت",), -"مذاکرات": ("مذاکره",), -"حشرات": ("حشره",), -"طبقات": ("طبقه",), -"شکایات": ("شکایت",), -"ابیات": ("بیت",), -"شایعات": ("شایعه",), -"ضربات": ("ضربه",), -"مقالات": ("مقاله",), -"اوقات": ("وقت",), -"عباراتی": ("عبارت",), -"سالیان": ("سال",), -"زحمات": ("زحمت",), -"عبارات": ("عبارت",), -"لغات": ("لغت",), -"نیات": ("نیت",), -"مطالبات": ("مطالبه",), -"مطالب": ("مطلب",), -"خلقیات": ("خلق",), -"نکات": ("نکته",), -"بزرگان": ("بزرگ",), -"ابیاتی": ("بیت",), -"محرمات": ("حرام",), -"اوزان": ("وزن",), -"اخلاقیات": ("اخلاق",), -"سبزیجات": ("سبزی",), -"اضافات": ("اضافه",), -"قضات": ("قاضی",), + "آثار": ("اثر",), + "آرا": ("رأی",), + "آراء": ("رأی",), + "آفات": ("آفت",), + "اباطیل": ("باطل",), + "ائمه": ("امام",), + "ابرار": ("بر",), + "ابعاد": ("بعد",), + "ابنیه": ("بنا",), + "ابواب": ("باب",), + "ابیات": ("بیت",), + "اجداد": ("جد",), + "اجساد": ("جسد",), + "اجناس": ("جنس",), + "اثمار": ("ثمر",), + "اجرام": ("جرم",), + "اجسام": ("جسم",), + "اجنه": ("جن",), + "احادیث": ("حدیث",), + "احجام": ("حجم",), + "احرار": ("حر",), + "احزاب": ("حزب",), + "احکام": ("حکم",), + "اخبار": ("خبر",), + "اخیار": ("خیر",), + "ادبا": ("ادیب",), + "ادعیه": ("دعا",), + "ادله": ("دلیل",), + "ادوار": ("دوره",), + "ادیان": ("دین",), + "اذهان": ("ذهن",), + "اذکار": ("ذکر",), + "اراضی": ("ارض",), + "ارزاق": ("رزق",), + "ارقام": ("رقم",), + "ارواح": ("روح",), + "ارکان": ("رکن",), + "ازمنه": ("زمان",), + "اساتید": ("استاد",), + "اساطیر": ("اسطوره",), + "اسامی": ("اسم",), + "اسرار": ("سر",), + "اسما": ("اسم",), + "اسناد": ("سند",), + "اسیله": ("سوال",), + "اشجار": ("شجره",), + "اشخاص": ("شخص",), + "اشرار": ("شر",), + "اشربه": ("شراب",), + "اشعار": ("شعر",), + "اشقیا": ("شقی",), + "اشیا": ("شی",), + "اشباح": ("شبح",), + "اصدقا": ("صدیق",), + "اصناف": ("صنف",), + "اصنام": ("صنم",), + "اصوات": ("صوت",), + "اصول": ("اصل",), + "اضداد": ("ضد",), + "اطبا": ("طبیب",), + "اطعمه": ("طعام",), + "اطفال": ("طفل",), + "الطاف": ("لطف",), + "اعدا": ("عدو",), + "اعزا": ("عزیز",), + "اعضا": ("عضو",), + "اعماق": ("عمق",), + "الفاظ": ("لفظ",), + "اعناب": ("عنب",), + "اغذیه": ("غذا",), + "اغراض": ("غرض",), + "افراد": ("فرد",), + "افعال": ("فعل",), + "افلاک": ("فلک",), + "افکار": ("فکر",), + "اقالیم": ("اقلیم",), + "اقربا": ("قریب",), + "اقسام": ("قسم",), + "اقشار": ("قشر",), + "اقفال": ("قفل",), + "اقلام": ("قلم",), + "اقوال": ("قول",), + "اقوام": ("قوم",), + "البسه": ("لباس",), + "الحام": ("لحم",), + "الحکام": ("الحاکم",), + "القاب": ("لقب",), + "الواح": ("لوح",), + "الکبار": ("الکبیر",), + "اماکن": ("مکان",), + "امثال": ("مثل",), + "امراض": ("مرض",), + "امم": ("امت",), + "امواج": ("موج",), + "اموال": ("مال",), + "امور": ("امر",), + "امیال": ("میل",), + "انبیا": ("نبی",), + "انجم": ("نجم",), + "انظار": ("نظر",), + "انفس": ("نفس",), + "انهار": ("نهر",), + "انواع": ("نوع",), + "اهالی": ("اهل",), + "اهداف": ("هدف",), + "اواخر": ("آخر",), + "اواسط": ("وسط",), + "اوایل": ("اول",), + "اوراد": ("ورد",), + "اوراق": ("ورق",), + "اوزان": ("وزن",), + "اوصاف": ("وصف",), + "اوضاع": ("وضع",), + "اوقات": ("وقت",), + "اولاد": ("ولد",), + "اولیا": ("ولی",), + "اولیاء": ("ولی",), + "اوهام": ("وهم",), + "اکاذیب": ("اکذوبه",), + "اکفان": ("کفن",), + "ایالات": ("ایالت",), + "ایام": ("یوم",), + "ایتام": ("یتیم",), + "بشایر": ("بشارت",), + "بصایر": ("بصیرت",), + "بطون": ("بطن",), + "بنادر": ("بندر",), + "بیوت": ("بیت",), + "تجار": ("تاجر",), + "تجارب": ("تجربه",), + "تدابیر": ("تدبیر",), + "تعاریف": ("تعریف",), + "تلامیذ": ("تلمیذ",), + "تهم": ("تهمت",), + "توابیت": ("تابوت",), + "تواریخ": ("تاریخ",), + "جبال": ("جبل",), + "جداول": ("جدول",), + "جدود": ("جد",), + "جراثیم": ("جرثوم",), + "جرایم": ("جرم",), + "جرائم": ("جرم",), + "جزئیات": ("جزء",), + "جزایر": ("جزیره",), + "جزییات": ("جزء",), + "جنایات": ("جنایت",), + "جهات": ("جهت",), + "جوامع": ("جامعه",), + "حدود": ("حد",), + "حروف": ("حرف",), + "حقایق": ("حقیقت",), + "حقوق": ("حق",), + "حوادث": ("حادثه",), + "حواشی": ("حاشیه",), + "حوایج": ("حاجت",), + "حوائج": ("حاجت",), + "حکما": ("حکیم",), + "خدمات": ("خدمت",), + "خدمه": ("خادم",), + "خدم": ("خادم",), + "خزاین": ("خزینه",), + "خصایص": ("خصیصه",), + "خطوط": ("خط",), + "دراهم": ("درهم",), + "دروس": ("درس",), + "دفاتر": ("دفتر",), + "دلایل": ("دلیل",), + "دلائل": ("دلیل",), + "ذخایر": ("ذخیره",), + "ذنوب": ("ذنب",), + "ربوع": ("ربع",), + "رجال": ("رجل",), + "رسایل": ("رسال",), + "رسوم": ("رسم",), + "روابط": ("رابطه",), + "روسا": ("رئیس",), + "رئوس": ("راس",), + "ریوس": ("راس",), + "زوار": ("زائر",), + "ساعات": ("ساعت",), + "سبل": ("سبیل",), + "سطوح": ("سطح",), + "سطور": ("سطر",), + "سعدا": ("سعید",), + "سفن": ("سفینه",), + "سقاط": ("ساقی",), + "سلاطین": ("سلطان",), + "سلایق": ("سلیقه",), + "سموم": ("سم",), + "سنن": ("سنت",), + "سنین": ("سن",), + "سهام": ("سهم",), + "سوابق": ("سابقه",), + "سواحل": ("ساحل",), + "سوانح": ("سانحه",), + "شباب": ("شاب",), + "شرایط": ("شرط",), + "شروط": ("شرط",), + "شرکا": ("شریک",), + "شعب": ("شعبه",), + "شعوب": ("شعب",), + "شموس": ("شمس",), + "شهدا": ("شهید",), + "شهور": ("شهر",), + "شواهد": ("شاهد",), + "شوون": ("شان",), + "شکات": ("شاکی",), + "شیاطین": ("شیطان",), + "صبیان": ("صبی",), + "صحف": ("صحیفه",), + "صغار": ("صغیر",), + "صفوف": ("صف",), + "صنادیق": ("صندوق",), + "ضعفا": ("ضعیف",), + "ضمایر": ("ضمیر",), + "ضوابط": ("ضابطه",), + "طرق": ("طریق",), + "طلاب": ("طلبه",), + "طواغیت": ("طاغوت",), + "طیور": ("طیر",), + "عادات": ("عادت",), + "عباد": ("عبد",), + "عبارات": ("عبارت",), + "عجایب": ("عجیب",), + "عزایم": ("عزیمت",), + "عشایر": ("عشیره",), + "عطور": ("عطر",), + "عظما": ("عظیم",), + "عقاید": ("عقیده",), + "عقائد": ("عقیده",), + "علائم": ("علامت",), + "علایم": ("علامت",), + "علما": ("عالم",), + "علوم": ("علم",), + "عمال": ("عمله",), + "عناصر": ("عنصر",), + "عناوین": ("عنوان",), + "عواطف": ("عاطفه",), + "عواقب": ("عاقبت",), + "عوالم": ("عالم",), + "عوامل": ("عامل",), + "عیوب": ("عیب",), + "عیون": ("عین",), + "غدد": ("غده",), + "غرف": ("غرفه",), + "غیوب": ("غیب",), + "غیوم": ("غیم",), + "فرایض": ("فریضه",), + "فضایل": ("فضیلت",), + "فضلا": ("فاضل",), + "فواصل": ("فاصله",), + "فواید": ("فایده",), + "قبایل": ("قبیله",), + "قرون": ("قرن",), + "قصص": ("قصه",), + "قضات": ("قاضی",), + "قضایا": ("قضیه",), + "قلل": ("قله",), + "قلوب": ("قلب",), + "قواعد": ("قاعده",), + "قوانین": ("قانون",), + "قیود": ("قید",), + "لطایف": ("لطیفه",), + "لیالی": ("لیل",), + "مباحث": ("مبحث",), + "مبالغ": ("مبلغ",), + "متون": ("متن",), + "مجالس": ("مجلس",), + "محاصیل": ("محصول",), + "محافل": ("محفل",), + "محاکم": ("محکمه",), + "مخارج": ("خرج",), + "مدارس": ("مدرسه",), + "مدارک": ("مدرک",), + "مداین": ("مدینه",), + "مدن": ("مدینه",), + "مراتب": ("مرتبه",), + "مراتع": ("مرتع",), + "مراجع": ("مرجع",), + "مراحل": ("مرحله",), + "مسائل": ("مسئله",), + "مساجد": ("مسجد",), + "مساعی": ("سعی",), + "مسالک": ("مسلک",), + "مساکین": ("مسکین",), + "مسایل": ("مسئله",), + "مشاعر": ("مشعر",), + "مشاغل": ("شغل",), + "مشایخ": ("شیخ",), + "مصادر": ("مصدر",), + "مصادق": ("مصداق",), + "مصادیق": ("مصداق",), + "مصاعب": ("مصعب",), + "مضار": ("ضرر",), + "مضامین": ("مضمون",), + "مطالب": ("مطلب",), + "مظالم": ("مظلمه",), + "مظاهر": ("مظهر",), + "اهرام": ("هرم",), + "معابد": ("معبد",), + "معابر": ("معبر",), + "معاجم": ("معجم",), + "معادن": ("معدن",), + "معاذیر": ("عذر",), + "معارج": ("معراج",), + "معاصی": ("معصیت",), + "معالم": ("معلم",), + "معایب": ("عیب",), + "مفاسد": ("مفسده",), + "مفاصل": ("مفصل",), + "مفاهیم": ("مفهوم",), + "مقابر": ("مقبره",), + "مقاتل": ("مقتل",), + "مقادیر": ("مقدار",), + "مقاصد": ("مقصد",), + "مقاطع": ("مقطع",), + "ملابس": ("ملبس",), + "ملوک": ("ملک",), + "ممالک": ("مملکت",), + "منابع": ("منبع",), + "منازل": ("منزل",), + "مناسبات": ("مناسبت",), + "مناسک": ("منسک",), + "مناطق": ("منطقه",), + "مناظر": ("منظره",), + "منافع": ("منفعت",), + "موارد": ("مورد",), + "مواضع": ("موضع",), + "مواضیع": ("موضوع",), + "مواطن": ("موطن",), + "مواقع": ("موقع",), + "موانع": ("مانع",), + "مکاتب": ("مکتب",), + "مکاتیب": ("مکتوب",), + "مکارم": ("مکرمه",), + "میادین": ("میدان",), + "نتایج": ("نتیجه",), + "نعم": ("نعمت",), + "نفوس": ("نفس",), + "نقاط": ("نقطه",), + "نواحی": ("ناحیه",), + "نوافذ": ("نافذه",), + "نواقص": ("نقص",), + "نوامیس": ("ناموس",), + "نکات": ("نکته",), + "نیات": ("نیت",), + "هدایا": ("هدیه",), + "واقعیات": ("واقعیت",), + "وجوه": ("وجه",), + "وحوش": ("وحش",), + "وزرا": ("وزیر",), + "وسایل": ("وسیله",), + "وصایا": ("وصیت",), + "وظایف": ("وظیفه",), + "وعاظ": ("واعظ",), + "وقایع": ("واقعه",), + "کتب": ("کتاب",), + "کسبه": ("کاسب",), + "کفار": ("کافر",), + "کواکب": ("کوکب",), + "تصاویر": ("تصویر",), + "صنوف": ("صنف",), + "اجزا": ("جزء",), + "اجزاء": ("جزء",), + "ذخائر": ("ذخیره",), + "خسارات": ("خسارت",), + "عشاق": ("عاشق",), + "تصانیف": ("تصنیف",), + "دﻻیل": ("دلیل",), + "قوا": ("قوه",), + "ملل": ("ملت",), + "جوایز": ("جایزه",), + "جوائز": ("جایزه",), + "ابعاض": ("بعض",), + "اتباع": ("تبعه",), + "اجلاس": ("جلسه",), + "احشام": ("حشم",), + "اخلاف": ("خلف",), + "ارامنه": ("ارمنی",), + "ازواج": ("زوج",), + "اسباط": ("سبط",), + "اعداد": ("عدد",), + "اعصار": ("عصر",), + "اعقاب": ("عقبه",), + "اعیاد": ("عید",), + "اعیان": ("عین",), + "اغیار": ("غیر",), + "اقارب": ("اقرب",), + "اقران": ("قرن",), + "اقساط": ("قسط",), + "امنای": ("امین",), + "امنا": ("امین",), + "اموات": ("میت",), + "اناجیل": ("انجیل",), + "انحا": ("نحو",), + "انساب": ("نسب",), + "انوار": ("نور",), + "اوامر": ("امر",), + "اوائل": ("اول",), + "اوصیا": ("وصی",), + "آحاد": ("احد",), + "براهین": ("برهان",), + "تعابیر": ("تعبیر",), + "تعالیم": ("تعلیم",), + "تفاسیر": ("تفسیر",), + "تکالیف": ("تکلیف",), + "تماثیل": ("تمثال",), + "جنود": ("جند",), + "جوانب": ("جانب",), + "حاجات": ("حاجت",), + "حرکات": ("حرکت",), + "حضرات": ("حضرت",), + "حکایات": ("حکایت",), + "حوالی": ("حول",), + "خصایل": ("خصلت",), + "خلایق": ("خلق",), + "خلفا": ("خلیفه",), + "دعاوی": ("دعوا",), + "دیون": ("دین",), + "ذراع": ("ذرع",), + "رعایا": ("رعیت",), + "روایات": ("روایت",), + "شعرا": ("شاعر",), + "شکایات": ("شکایت",), + "شهوات": ("شهوت",), + "شیوخ": ("شیخ",), + "شئون": ("شأن",), + "طبایع": ("طبع",), + "ظروف": ("ظرف",), + "ظواهر": ("ظاهر",), + "عبادات": ("عبادت",), + "عرایض": ("عریضه",), + "عرفا": ("عارف",), + "عروق": ("عرق",), + "عساکر": ("عسکر",), + "علماء": ("عالم",), + "فتاوا": ("فتوا",), + "فراعنه": ("فرعون",), + "فرامین": ("فرمان",), + "فروض": ("فرض",), + "فروع": ("فرع",), + "فصول": ("فصل",), + "فقها": ("فقیه",), + "قبور": ("قبر",), + "قبوض": ("قبض",), + "قدوم": ("قدم",), + "قرائات": ("قرائت",), + "قرائن": ("قرینه",), + "لغات": ("لغت",), + "مجامع": ("مجمع",), + "مخازن": ("مخزن",), + "مدارج": ("درجه",), + "مذاهب": ("مذهب",), + "مراکز": ("مرکز",), + "مصارف": ("مصرف",), + "مطامع": ("طمع",), + "معانی": ("معنی",), + "مناصب": ("منصب",), + "منافذ": ("منفذ",), + "مواریث": ("میراث",), + "موازین": ("میزان",), + "موالی": ("مولی",), + "مواهب": ("موهبت",), + "نسوان": ("نسا",), + "نصوص": ("نص",), + "نظایر": ("نظیر",), + "نقایص": ("نقص",), + "نقوش": ("نقش",), + "ولایات": ("ولایت",), + "هیئات": ("هیأت",), + "جماهیر": ("جمهوری",), + "خصائص": ("خصیصه",), + "دقایق": ("دقیقه",), + "رذایل": ("رذیلت",), + "طوایف": ("طایفه",), + "علامات": ("علامت",), + "علایق": ("علاقه",), + "علل": ("علت",), + "غرایز": ("غریزه",), + "غرائز": ("غریزه",), + "غنایم": ("غنیمت",), + "فرائض": ("فریضه",), + "فضائل": ("فضیلت",), + "فقرا": ("فقیر",), + "فلاسفه": ("فیلسوف",), + "فواحش": ("فاحشه",), + "قصائد": ("قصیده",), + "قصاید": ("قصیده",), + "قوائد": ("قائده",), + "مزارع": ("مزرعه",), + "مصائب": ("مصیبت",), + "معارف": ("معرفت",), + "نصایح": ("نصیحت",), + "وثایق": ("وثیقه",), + "وظائف": ("وظیفه",), + "توابین": ("تواب",), + "رفقا": ("رفیق",), + "رقبا": ("رقیب",), + "زحمات": ("زحمت",), + "زعما": ("زعیم",), + "زوایا": ("زاویه",), + "سماوات": ("سما",), + "علوفه": ("علف",), + "غایات": ("غایت",), + "فنون": ("فن",), + "لذات": ("لذت",), + "نعمات": ("نعمت",), + "امراء": ("امیر",), + "امرا": ("امیر",), + "دهاقین": ("دهقان",), + "سنوات": ("سنه",), + "عمارات": ("عمارت",), + "فتوح": ("فتح",), + "لذائذ": ("لذیذ",), + "لذایذ": ("لذیذ", "لذت"), + "تکایا": ("تکیه",), + "صفات": ("صفت",), + "خصوصیات": ("خصوصیت",), + "کیفیات": ("کیفیت",), + "حملات": ("حمله",), + "شایعات": ("شایعه",), + "صدمات": ("صدمه",), + "غلات": ("غله",), + "کلمات": ("کلمه",), + "مبارزات": ("مبارزه",), + "مراجعات": ("مراجعه",), + "مطالبات": ("مطالبه",), + "مکاتبات": ("مکاتبه",), + "نشریات": ("نشریه",), + "بحور": ("بحر",), + "تحقیقات": ("تحقیق",), + "مکالمات": ("مکالمه",), + "ریزمکالمات": ("ریزمکالمه",), + "تجربیات": ("تجربه",), + "جملات": ("جمله",), + "حالات": ("حالت",), + "حجاج": ("حاجی",), + "حسنات": ("حسنه",), + "حشرات": ("حشره",), + "خاطرات": ("خاطره",), + "درجات": ("درجه",), + "دفعات": ("دفعه",), + "سیارات": ("سیاره",), + "شبهات": ("شبهه",), + "ضایعات": ("ضایعه",), + "ضربات": ("ضربه",), + "طبقات": ("طبقه",), + "فرضیات": ("فرضیه",), + "قطرات": ("قطره",), + "قطعات": ("قطعه",), + "قلاع": ("قلعه",), + "کشیشان": ("کشیش",), + "مادیات": ("مادی",), + "مباحثات": ("مباحثه",), + "مجاهدات": ("مجاهدت",), + "محلات": ("محله",), + "مداخلات": ("مداخله",), + "مشقات": ("مشقت",), + "معادلات": ("معادله",), + "معوقات": ("معوقه",), + "منویات": ("منویه",), + "موقوفات": ("موقوفه",), + "موسسات": ("موسسه",), + "حلقات": ("حلقه",), + "ایات": ("ایه",), + "اصلح": ("صالح",), + "اظهر": ("ظاهر",), + "آیات": ("آیه",), + "برکات": ("برکت",), + "جزوات": ("جزوه",), + "خطابات": ("خطابه",), + "دوایر": ("دایره",), + "روحیات": ("روحیه",), + "متهمان": ("متهم",), + "مجاری": ("مجرا",), + "مشترکات": ("مشترک",), + "ورثه": ("وارث",), + "وکلا": ("وکیل",), + "نقبا": ("نقیب",), + "سفرا": ("سفیر",), + "مآخذ": ("مأخذ",), + "احوال": ("حال",), + "آلام": ("الم",), + "مزایا": ("مزیت",), + "عقلا": ("عاقل",), + "مشاهد": ("مشهد",), + "ظلمات": ("ظلمت",), + "خفایا": ("خفیه",), + "مشاهدات": ("مشاهده",), + "امامان": ("امام",), + "سگان": ("سگ",), + "نظریات": ("نظریه",), + "آفاق": ("افق",), + "آمال": ("امل",), + "دکاکین": ("دکان",), + "قصبات": ("قصبه",), + "مضرات": ("مضرت",), + "قبائل": ("قبیله",), + "مجانین": ("مجنون",), + "سيئات": ("سیئه",), + "صدقات": ("صدقه",), + "کثافات": ("کثافت",), + "کسورات": ("کسر",), + "معالجات": ("معالجه",), + "مقابلات": ("مقابله",), + "مناظرات": ("مناظره",), + "ناملايمات": ("ناملایمت",), + "وجوهات": ("وجه",), + "مصادرات": ("مصادره",), + "ملمعات": ("ملمع",), + "اولویات": ("اولویت",), + "جمرات": ("جمره",), + "زیارات": ("زیارت",), + "عقبات": ("عقبه",), + "کرامات": ("کرامت",), + "مراقبات": ("مراقبه",), + "نجاسات": ("نجاست",), + "هجویات": ("هجو",), + "تبدلات": ("تبدل",), + "روات": ("راوی",), + "فیوضات": ("فیض",), + "کفارات": ("کفاره",), + "نذورات": ("نذر",), + "حفریات": ("حفر",), + "عنایات": ("عنایت",), + "جراحات": ("جراحت",), + "ثمرات": ("ثمره",), + "حکام": ("حاکم",), + "مرسولات": ("مرسوله",), + "درایات": ("درایت",), + "سیئات": ("سیئه",), + "عدوات": ("عداوت",), + "عشرات": ("عشره",), + "عقوبات": ("عقوبه",), + "عقودات": ("عقود",), + "کثرات": ("کثرت",), + "مواجهات": ("مواجهه",), + "مواصلات": ("مواصله",), + "اجوبه": ("جواب",), + "اضلاع": ("ضلع",), + "السنه": ("لسان",), + "اشتات": ("شت",), + "دعوات": ("دعوت",), + "صعوبات": ("صعوبت",), + "عفونات": ("عفونت",), + "علوفات": ("علوفه",), + "غرامات": ("غرامت",), + "فارقات": ("فارقت",), + "لزوجات": ("لزوجت",), + "محللات": ("محلله",), + "مسافات": ("مسافت",), + "مسافحات": ("مسافحه",), + "مسامرات": ("مسامره",), + "مستلذات": ("مستلذ",), + "مسرات": ("مسرت",), + "مشافهات": ("مشافهه",), + "مشاهرات": ("مشاهره",), + "معروشات": ("معروشه",), + "مجادلات": ("مجادله",), + "ابغاض": ("بغض",), + "اجداث": ("جدث",), + "اجواز": ("جوز",), + "اجواد": ("جواد",), + "ازاهیر": ("ازهار",), + "عوائد": ("عائده",), + "احافیر": ("احفار",), + "احزان": ("حزن",), + "آنام": ("انام",), + "احباب": ("حبیب",), + "نوابغ": ("نابغه",), + "بینات": ("بینه",), + "حوالات": ("حواله",), + "حوالجات": ("حواله",), + "دستجات": ("دسته",), + "شمومات": ("شموم",), + "طاقات": ("طاقه",), + "علاقات": ("علاقه",), + "مراسلات": ("مراسله",), + "موجهات": ("موجه",), + "اقویا": ("قوی",), + "اغنیا": ("غنی",), + "بلایا": ("بلا",), + "خطایا": ("خطا",), + "ثنایا": ("ثنا",), + "لوایح": ("لایحه",), + "غزلیات": ("غزل",), + "اشارات": ("اشاره",), + "رکعات": ("رکعت",), + "امثالهم": ("مثل",), + "تشنجات": ("تشنج",), + "امانات": ("امانت",), + "بریات": ("بریت",), + "توست": ("تو",), + "حبست": ("حبس",), + "حیثیات": ("حیثیت",), + "شامات": ("شامه",), + "قبالات": ("قباله",), + "قرابات": ("قرابت",), + "مطلقات": ("مطلقه",), + "نزلات": ("نزله",), + "بکمان": ("بکیم",), + "روشان": ("روشن",), + "مسانید": ("مسند",), + "ناحیت": ("ناحیه",), + "رسوله": ("رسول",), + "دانشجویان": ("دانشجو",), + "روحانیون": ("روحانی",), + "قرون": ("قرن",), + "انقلابیون": ("انقلابی",), + "قوانین": ("قانون",), + "مجاهدین": ("مجاهد",), + "محققین": ("محقق",), + "متهمین": ("متهم",), + "مهندسین": ("مهندس",), + "مؤمنین": ("مؤمن",), + "مسئولین": ("مسئول",), + "مشرکین": ("مشرک",), + "مخاطبین": ("مخاطب",), + "مأمورین": ("مأمور",), + "سلاطین": ("سلطان",), + "مضامین": ("مضمون",), + "منتخبین": ("منتخب",), + "متحدین": ("متحد",), + "متخصصین": ("متخصص",), + "مسوولین": ("مسوول",), + "شیاطین": ("شیطان",), + "مباشرین": ("مباشر",), + "منتقدین": ("منتقد",), + "موسسین": ("موسس",), + "مسؤلین": ("مسؤل",), + "متحجرین": ("متحجر",), + "مهاجرین": ("مهاجر",), + "مترجمین": ("مترجم",), + "مدعوین": ("مدعو",), + "مشترکین": ("مشترک",), + "معصومین": ("معصوم",), + "مسابقات": ("مسابقه",), + "معانی": ("معنی",), + "مطالعات": ("مطالعه",), + "نکات": ("نکته",), + "خصوصیات": ("خصوصیت",), + "خدمات": ("خدمت",), + "نشریات": ("نشریه",), + "ساعات": ("ساعت",), + "بزرگان": ("بزرگ",), + "خسارات": ("خسارت",), + "شیعیان": ("شیعه",), + "واقعیات": ("واقعیت",), + "مذاکرات": ("مذاکره",), + "حشرات": ("حشره",), + "طبقات": ("طبقه",), + "شکایات": ("شکایت",), + "ابیات": ("بیت",), + "شایعات": ("شایعه",), + "ضربات": ("ضربه",), + "مقالات": ("مقاله",), + "اوقات": ("وقت",), + "عباراتی": ("عبارت",), + "سالیان": ("سال",), + "زحمات": ("زحمت",), + "عبارات": ("عبارت",), + "لغات": ("لغت",), + "نیات": ("نیت",), + "مطالبات": ("مطالبه",), + "مطالب": ("مطلب",), + "خلقیات": ("خلق",), + "نکات": ("نکته",), + "بزرگان": ("بزرگ",), + "ابیاتی": ("بیت",), + "محرمات": ("حرام",), + "اوزان": ("وزن",), + "اخلاقیات": ("اخلاق",), + "سبزیجات": ("سبزی",), + "اضافات": ("اضافه",), + "قضات": ("قاضی",), } diff --git a/spacy/lang/fa/lemmatizer/_verbs.py b/spacy/lang/fa/lemmatizer/_verbs.py index 406af113c..c65b841a9 100644 --- a/spacy/lang/fa/lemmatizer/_verbs.py +++ b/spacy/lang/fa/lemmatizer/_verbs.py @@ -2,5 +2,7 @@ from __future__ import unicode_literals -VERBS = set(""" -""".split()) +VERBS = set( + """ +""".split() +) diff --git a/spacy/lang/fa/lemmatizer/_verbs_exc.py b/spacy/lang/fa/lemmatizer/_verbs_exc.py index 12b0631bc..5d0ff944d 100644 --- a/spacy/lang/fa/lemmatizer/_verbs_exc.py +++ b/spacy/lang/fa/lemmatizer/_verbs_exc.py @@ -605,43 +605,49 @@ verb_roots = """ یونید#یون """.strip().split() -## Below code is a modified version of HAZM package's verb conjugator, -# with soem extra verbs(Anything in hazm and not in here? compare needed!) +# Below code is a modified version of HAZM package's verb conjugator, +# with soem extra verbs (Anything in hazm and not in here? compare needed!) VERBS_EXC = {} -with_nots = lambda items: items + ['ن' + item for item in items] -simple_ends = ['م', 'ی', '', 'یم', 'ید', 'ند'] -narrative_ends = ['ه‌ام', 'ه‌ای', 'ه', 'ه‌ایم', 'ه‌اید', 'ه‌اند'] -present_ends = ['م', 'ی', 'د', 'یم', 'ید', 'ند'] +with_nots = lambda items: items + ["ن" + item for item in items] +simple_ends = ["م", "ی", "", "یم", "ید", "ند"] +narrative_ends = ["ه‌ام", "ه‌ای", "ه", "ه‌ایم", "ه‌اید", "ه‌اند"] +present_ends = ["م", "ی", "د", "یم", "ید", "ند"] # special case of '#هست': -VERBS_EXC.update({conj: 'هست' for conj in ['هست' + end for end in simple_ends]}) -VERBS_EXC.update({conj: 'هست' for conj in ['نیست' + end for end in simple_ends]}) +VERBS_EXC.update({conj: "هست" for conj in ["هست" + end for end in simple_ends]}) +VERBS_EXC.update({conj: "هست" for conj in ["نیست" + end for end in simple_ends]}) for verb_root in verb_roots: conjugations = [] - if '#' not in verb_root: + if "#" not in verb_root: continue - past, present = verb_root.split('#') + past, present = verb_root.split("#") if past: past_simples = [past + end for end in simple_ends] - past_imperfects = ['می‌' + item for item in past_simples] + past_imperfects = ["می‌" + item for item in past_simples] past_narratives = [past + end for end in narrative_ends] conjugations = with_nots(past_simples + past_imperfects + past_narratives) if present: - imperatives = ['ب' + present, 'ن' + present] - if present.endswith('ا') or present in ('آ', 'گو'): - present = present + 'ی' + imperatives = ["ب" + present, "ن" + present] + if present.endswith("ا") or present in ("آ", "گو"): + present = present + "ی" present_simples = [present + end for end in present_ends] - present_imperfects = ['می‌' + present + end for end in present_ends] - present_subjunctives = ['ب' + present + end for end in present_ends] - conjugations += with_nots(present_simples + present_imperfects) + \ - present_subjunctives + imperatives + present_imperfects = ["می‌" + present + end for end in present_ends] + present_subjunctives = ["ب" + present + end for end in present_ends] + conjugations += ( + with_nots(present_simples + present_imperfects) + + present_subjunctives + + imperatives + ) + + if past.startswith("آ"): + conjugations = set( + map( + lambda item: item.replace("بآ", "بیا").replace("نآ", "نیا"), + conjugations, + ) + ) - if past.startswith('آ'): - conjugations = set(map(lambda item: item.replace('بآ', 'بیا').replace('نآ', 'نیا'),\ - conjugations)) - VERBS_EXC.update({conj: (past,) if past else present for conj in conjugations}) - diff --git a/spacy/lang/fa/lex_attrs.py b/spacy/lang/fa/lex_attrs.py index 46fb2e211..dbea66b68 100644 --- a/spacy/lang/fa/lex_attrs.py +++ b/spacy/lang/fa/lex_attrs.py @@ -1,10 +1,15 @@ # coding: utf8 from __future__ import unicode_literals from ...attrs import LIKE_NUM -MIM = 'م' -ZWNJ_O_MIM = '‌ام' -YE_NUN = 'ین' -_num_words = set(""" + + +MIM = "م" +ZWNJ_O_MIM = "‌ام" +YE_NUN = "ین" + + +_num_words = set( + """ صفر یک دو @@ -61,23 +66,32 @@ _num_words = set(""" کوادریلیون کادریلیارد کوینتیلیون -""".split()) +""".split() +) -_ordinal_words = set(""" +_ordinal_words = set( + """ اول سوم -سی‌ام""".split()) +سی‌ام""".split() +) _ordinal_words.update({num + MIM for num in _num_words}) _ordinal_words.update({num + ZWNJ_O_MIM for num in _num_words}) _ordinal_words.update({num + YE_NUN for num in _ordinal_words}) + def like_num(text): """ check if text resembles a number """ - text = text.replace(',', '').replace('.', '').\ - replace('،', '').replace('٫','').replace('/', '') + text = ( + text.replace(",", "") + .replace(".", "") + .replace("،", "") + .replace("٫", "") + .replace("/", "") + ) if text.isdigit(): return True if text in _num_words: @@ -87,6 +101,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/fa/punctuation.py b/spacy/lang/fa/punctuation.py index c8ef93fd4..d3744d2c4 100644 --- a/spacy/lang/fa/punctuation.py +++ b/spacy/lang/fa/punctuation.py @@ -1,16 +1,21 @@ # coding: utf8 from __future__ import unicode_literals -from ..punctuation import TOKENIZER_INFIXES from ..char_classes import LIST_PUNCT, LIST_ELLIPSES, LIST_QUOTES, CURRENCY -from ..char_classes import QUOTES, UNITS, ALPHA, ALPHA_LOWER, ALPHA_UPPER +from ..char_classes import UNITS, ALPHA_UPPER -_suffixes = (LIST_PUNCT + LIST_ELLIPSES + LIST_QUOTES + - [r'(?<=[0-9])\+', - r'(?<=[0-9])%', # 4% -> ["4", "%"] - # Persian is written from Right-To-Left - r'(?<=[0-9])(?:{})'.format(CURRENCY), - r'(?<=[0-9])(?:{})'.format(UNITS), - r'(?<=[{au}][{au}])\.'.format(au=ALPHA_UPPER)]) +_suffixes = ( + LIST_PUNCT + + LIST_ELLIPSES + + LIST_QUOTES + + [ + r"(?<=[0-9])\+", + r"(?<=[0-9])%", # 4% -> ["4", "%"] + # Persian is written from Right-To-Left + r"(?<=[0-9])(?:{})".format(CURRENCY), + r"(?<=[0-9])(?:{})".format(UNITS), + r"(?<=[{au}][{au}])\.".format(au=ALPHA_UPPER), + ] +) TOKENIZER_SUFFIXES = _suffixes diff --git a/spacy/lang/fa/stop_words.py b/spacy/lang/fa/stop_words.py index 4469980b0..682fb7a71 100644 --- a/spacy/lang/fa/stop_words.py +++ b/spacy/lang/fa/stop_words.py @@ -1,9 +1,10 @@ # coding: utf8 from __future__ import unicode_literals -# stop words from HAZM package -STOP_WORDS = set(""" +# Stop words from HAZM package +STOP_WORDS = set( + """ و در به @@ -392,4 +393,5 @@ STOP_WORDS = set(""" لذا زاده گردد -اینجا""".split()) +اینجا""".split() +) diff --git a/spacy/lang/fa/syntax_iterators.py b/spacy/lang/fa/syntax_iterators.py index bb1a6b7f7..ed665ef29 100644 --- a/spacy/lang/fa/syntax_iterators.py +++ b/spacy/lang/fa/syntax_iterators.py @@ -8,12 +8,21 @@ def noun_chunks(obj): """ Detect base noun phrases from a dependency parse. Works on both Doc and Span. """ - labels = ['nsubj', 'dobj', 'nsubjpass', 'pcomp', 'pobj', 'dative', 'appos', - 'attr', 'ROOT'] - doc = obj.doc # Ensure works on both Doc and Span. + labels = [ + "nsubj", + "dobj", + "nsubjpass", + "pcomp", + "pobj", + "dative", + "appos", + "attr", + "ROOT", + ] + doc = obj.doc # Ensure works on both Doc and Span. np_deps = [doc.vocab.strings.add(label) for label in labels] - conj = doc.vocab.strings.add('conj') - np_label = doc.vocab.strings.add('NP') + conj = doc.vocab.strings.add("conj") + np_label = doc.vocab.strings.add("NP") seen = set() for i, word in enumerate(obj): if word.pos not in (NOUN, PROPN, PRON): @@ -24,8 +33,8 @@ def noun_chunks(obj): if word.dep in np_deps: if any(w.i in seen for w in word.subtree): continue - seen.update(j for j in range(word.left_edge.i, word.i+1)) - yield word.left_edge.i, word.i+1, np_label + seen.update(j for j in range(word.left_edge.i, word.i + 1)) + yield word.left_edge.i, word.i + 1, np_label elif word.dep == conj: head = word.head while head.dep == conj and head.head.i < head.i: @@ -34,10 +43,8 @@ def noun_chunks(obj): if head.dep in np_deps: if any(w.i in seen for w in word.subtree): continue - seen.update(j for j in range(word.left_edge.i, word.i+1)) - yield word.left_edge.i, word.i+1, np_label + seen.update(j for j in range(word.left_edge.i, word.i + 1)) + yield word.left_edge.i, word.i + 1, np_label -SYNTAX_ITERATORS = { - 'noun_chunks': noun_chunks -} +SYNTAX_ITERATORS = {"noun_chunks": noun_chunks} diff --git a/spacy/lang/fa/tag_map.py b/spacy/lang/fa/tag_map.py index 5049af932..b9043adf0 100644 --- a/spacy/lang/fa/tag_map.py +++ b/spacy/lang/fa/tag_map.py @@ -1,39 +1,39 @@ # coding: utf8 from __future__ import unicode_literals -from ...symbols import POS, PUNCT, SYM, ADJ, CONJ, NUM, DET, ADV, ADP, X, VERB -from ...symbols import NOUN, PROPN, PART, INTJ, SPACE, PRON, AUX +from ...symbols import POS, PUNCT, ADJ, CONJ, NUM, DET, ADV, ADP, X, VERB +from ...symbols import PRON, NOUN, PART, INTJ, AUX TAG_MAP = { - "ADJ": {POS: ADJ }, - "ADJ_CMPR": {POS: ADJ }, + "ADJ": {POS: ADJ}, + "ADJ_CMPR": {POS: ADJ}, "ADJ_INO": {POS: ADJ}, "ADJ_SUP": {POS: ADJ}, "ADV": {POS: ADV}, "ADV_COMP": {POS: ADV}, - "ADV_I": {POS: ADV}, - "ADV_LOC": {POS: ADV}, - "ADV_NEG": {POS: ADV}, - "ADV_TIME": {POS: ADV}, - "CLITIC": {POS: PART}, - "CON": {POS: CONJ}, - "CONJ": {POS: CONJ}, - "DELM": {POS: PUNCT}, + "ADV_I": {POS: ADV}, + "ADV_LOC": {POS: ADV}, + "ADV_NEG": {POS: ADV}, + "ADV_TIME": {POS: ADV}, + "CLITIC": {POS: PART}, + "CON": {POS: CONJ}, + "CONJ": {POS: CONJ}, + "DELM": {POS: PUNCT}, "DET": {POS: DET}, "FW": {POS: X}, - "INT": {POS: INTJ}, + "INT": {POS: INTJ}, "N_PL": {POS: NOUN}, "N_SING": {POS: NOUN}, "N_VOC": {POS: NOUN}, - "NUM": {POS: NUM}, - "P": {POS: ADP}, + "NUM": {POS: NUM}, + "P": {POS: ADP}, "PREV": {POS: ADP}, - "PRO": {POS: PRON}, - "V_AUX": {POS: AUX}, - "V_IMP": {POS: VERB}, - "V_PA": {POS: VERB}, - "V_PP": {POS: VERB}, - "V_PRS": {POS: VERB}, - "V_SUB": {POS: VERB}, + "PRO": {POS: PRON}, + "V_AUX": {POS: AUX}, + "V_IMP": {POS: VERB}, + "V_PA": {POS: VERB}, + "V_PP": {POS: VERB}, + "V_PRS": {POS: VERB}, + "V_SUB": {POS: VERB}, } diff --git a/spacy/lang/fa/tokenizer_exceptions.py b/spacy/lang/fa/tokenizer_exceptions.py index 74916a4a8..d6a603d35 100644 --- a/spacy/lang/fa/tokenizer_exceptions.py +++ b/spacy/lang/fa/tokenizer_exceptions.py @@ -1,8 +1,8 @@ # coding: utf8 from __future__ import unicode_literals -from ...symbols import ORTH, LEMMA, TAG, NORM, PRON_LEMMA -import re +from ...symbols import ORTH, LEMMA, TAG, NORM + _exc = { '.ق ': [{LEMMA: 'قمری', ORTH: '.ق '}], @@ -13,2040 +13,2040 @@ _exc = { } _exc.update({ - "آبرویت": [ + "آبرویت": [ {ORTH: "آبروی", LEMMA: "آبروی", NORM: "آبروی", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "آب‌نباتش": [ + "آب‌نباتش": [ {ORTH: "آب‌نبات", LEMMA: "آب‌نبات", NORM: "آب‌نبات", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "آثارش": [ + "آثارش": [ {ORTH: "آثار", LEMMA: "آثار", NORM: "آثار", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "آخرش": [ + "آخرش": [ {ORTH: "آخر", LEMMA: "آخر", NORM: "آخر", TAG: "ADV"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "آدمهاست": [ + "آدمهاست": [ {ORTH: "آدمها", LEMMA: "آدمها", NORM: "آدمها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "آرزومندیم": [ + "آرزومندیم": [ {ORTH: "آرزومند", LEMMA: "آرزومند", NORM: "آرزومند", TAG: "ADJ"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "VERB"}], - "آزادند": [ + "آزادند": [ {ORTH: "آزاد", LEMMA: "آزاد", NORM: "آزاد", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "آسیب‌پذیرند": [ + "آسیب‌پذیرند": [ {ORTH: "آسیب‌پذیر", LEMMA: "آسیب‌پذیر", NORM: "آسیب‌پذیر", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "آفریده‌اند": [ + "آفریده‌اند": [ {ORTH: "آفریده‌", LEMMA: "آفریده‌", NORM: "آفریده‌", TAG: "NOUN"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "آمدنش": [ + "آمدنش": [ {ORTH: "آمدن", LEMMA: "آمدن", NORM: "آمدن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "آمریکاست": [ + "آمریکاست": [ {ORTH: "آمریکا", LEMMA: "آمریکا", NORM: "آمریکا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "آنجاست": [ + "آنجاست": [ {ORTH: "آنجا", LEMMA: "آنجا", NORM: "آنجا", TAG: "ADV"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "آنست": [ + "آنست": [ {ORTH: "آن", LEMMA: "آن", NORM: "آن", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "آنند": [ + "آنند": [ {ORTH: "آن", LEMMA: "آن", NORM: "آن", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "آن‌هاست": [ + "آن‌هاست": [ {ORTH: "آن‌ها", LEMMA: "آن‌ها", NORM: "آن‌ها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "آپاداناست": [ + "آپاداناست": [ {ORTH: "آپادانا", LEMMA: "آپادانا", NORM: "آپادانا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "اجتماعی‌مان": [ + "اجتماعی‌مان": [ {ORTH: "اجتماعی‌", LEMMA: "اجتماعی‌", NORM: "اجتماعی‌", TAG: "ADJ"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "اجدادت": [ + "اجدادت": [ {ORTH: "اجداد", LEMMA: "اجداد", NORM: "اجداد", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "اجدادش": [ + "اجدادش": [ {ORTH: "اجداد", LEMMA: "اجداد", NORM: "اجداد", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "اجدادی‌شان": [ + "اجدادی‌شان": [ {ORTH: "اجدادی‌", LEMMA: "اجدادی‌", NORM: "اجدادی‌", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "اجراست": [ + "اجراست": [ {ORTH: "اجرا", LEMMA: "اجرا", NORM: "اجرا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "اختیارش": [ + "اختیارش": [ {ORTH: "اختیار", LEMMA: "اختیار", NORM: "اختیار", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "اخلاقشان": [ + "اخلاقشان": [ {ORTH: "اخلاق", LEMMA: "اخلاق", NORM: "اخلاق", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "ادعایمان": [ + "ادعایمان": [ {ORTH: "ادعای", LEMMA: "ادعای", NORM: "ادعای", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "اذیتش": [ + "اذیتش": [ {ORTH: "اذیت", LEMMA: "اذیت", NORM: "اذیت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "اراده‌اش": [ + "اراده‌اش": [ {ORTH: "اراده‌", LEMMA: "اراده‌", NORM: "اراده‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "ارتباطش": [ + "ارتباطش": [ {ORTH: "ارتباط", LEMMA: "ارتباط", NORM: "ارتباط", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "ارتباطمان": [ + "ارتباطمان": [ {ORTH: "ارتباط", LEMMA: "ارتباط", NORM: "ارتباط", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "ارزشهاست": [ + "ارزشهاست": [ {ORTH: "ارزشها", LEMMA: "ارزشها", NORM: "ارزشها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "ارزی‌اش": [ + "ارزی‌اش": [ {ORTH: "ارزی‌", LEMMA: "ارزی‌", NORM: "ارزی‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "اره‌اش": [ + "اره‌اش": [ {ORTH: "اره‌", LEMMA: "اره‌", NORM: "اره‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "ازش": [ + "ازش": [ {ORTH: "از", LEMMA: "از", NORM: "از", TAG: "ADP"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "ازین": [ + "ازین": [ {ORTH: "از", LEMMA: "از", NORM: "از", TAG: "ADP"}, {ORTH: "ین", LEMMA: "ین", NORM: "ین", TAG: "NOUN"}], - "ازین‌هاست": [ + "ازین‌هاست": [ {ORTH: "از", LEMMA: "از", NORM: "از", TAG: "ADP"}, {ORTH: "ین‌ها", LEMMA: "ین‌ها", NORM: "ین‌ها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "استخوانند": [ + "استخوانند": [ {ORTH: "استخوان", LEMMA: "استخوان", NORM: "استخوان", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "اسلامند": [ + "اسلامند": [ {ORTH: "اسلام", LEMMA: "اسلام", NORM: "اسلام", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "اسلامی‌اند": [ + "اسلامی‌اند": [ {ORTH: "اسلامی‌", LEMMA: "اسلامی‌", NORM: "اسلامی‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "اسلحه‌هایشان": [ + "اسلحه‌هایشان": [ {ORTH: "اسلحه‌های", LEMMA: "اسلحه‌های", NORM: "اسلحه‌های", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "اسمت": [ + "اسمت": [ {ORTH: "اسم", LEMMA: "اسم", NORM: "اسم", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "اسمش": [ + "اسمش": [ {ORTH: "اسم", LEMMA: "اسم", NORM: "اسم", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "اشتباهند": [ + "اشتباهند": [ {ORTH: "اشتباه", LEMMA: "اشتباه", NORM: "اشتباه", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "اصلش": [ + "اصلش": [ {ORTH: "اصل", LEMMA: "اصل", NORM: "اصل", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "اطاقش": [ + "اطاقش": [ {ORTH: "اطاق", LEMMA: "اطاق", NORM: "اطاق", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "اعتقادند": [ + "اعتقادند": [ {ORTH: "اعتقاد", LEMMA: "اعتقاد", NORM: "اعتقاد", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "اعلایش": [ + "اعلایش": [ {ORTH: "اعلای", LEMMA: "اعلای", NORM: "اعلای", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "افتراست": [ + "افتراست": [ {ORTH: "افترا", LEMMA: "افترا", NORM: "افترا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "افطارت": [ + "افطارت": [ {ORTH: "افطار", LEMMA: "افطار", NORM: "افطار", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "اقوامش": [ + "اقوامش": [ {ORTH: "اقوام", LEMMA: "اقوام", NORM: "اقوام", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "امروزیش": [ + "امروزیش": [ {ORTH: "امروزی", LEMMA: "امروزی", NORM: "امروزی", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "اموالش": [ + "اموالش": [ {ORTH: "اموال", LEMMA: "اموال", NORM: "اموال", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "امیدوارند": [ + "امیدوارند": [ {ORTH: "امیدوار", LEMMA: "امیدوار", NORM: "امیدوار", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "امیدواریم": [ + "امیدواریم": [ {ORTH: "امیدوار", LEMMA: "امیدوار", NORM: "امیدوار", TAG: "ADJ"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "VERB"}], - "انتخابهایم": [ + "انتخابهایم": [ {ORTH: "انتخابها", LEMMA: "انتخابها", NORM: "انتخابها", TAG: "NOUN"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "NOUN"}], - "انتظارم": [ + "انتظارم": [ {ORTH: "انتظار", LEMMA: "انتظار", NORM: "انتظار", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "انجمنم": [ + "انجمنم": [ {ORTH: "انجمن", LEMMA: "انجمن", NORM: "انجمن", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "اندرش": [ + "اندرش": [ {ORTH: "اندر", LEMMA: "اندر", NORM: "اندر", TAG: "ADP"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "انشایش": [ + "انشایش": [ {ORTH: "انشای", LEMMA: "انشای", NORM: "انشای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "انگشتشان": [ + "انگشتشان": [ {ORTH: "انگشت", LEMMA: "انگشت", NORM: "انگشت", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "انگشتهایش": [ + "انگشتهایش": [ {ORTH: "انگشتهای", LEMMA: "انگشتهای", NORM: "انگشتهای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "اهمیتشان": [ + "اهمیتشان": [ {ORTH: "اهمیت", LEMMA: "اهمیت", NORM: "اهمیت", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "اهمیتند": [ + "اهمیتند": [ {ORTH: "اهمیت", LEMMA: "اهمیت", NORM: "اهمیت", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "اوایلش": [ + "اوایلش": [ {ORTH: "اوایل", LEMMA: "اوایل", NORM: "اوایل", TAG: "ADV"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "اوست": [ + "اوست": [ {ORTH: "او", LEMMA: "او", NORM: "او", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "اولش": [ + "اولش": [ {ORTH: "اول", LEMMA: "اول", NORM: "اول", TAG: "ADV"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "اولشان": [ + "اولشان": [ {ORTH: "اول", LEMMA: "اول", NORM: "اول", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "اولم": [ + "اولم": [ {ORTH: "اول", LEMMA: "اول", NORM: "اول", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "اکثرشان": [ + "اکثرشان": [ {ORTH: "اکثر", LEMMA: "اکثر", NORM: "اکثر", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "ایتالیاست": [ + "ایتالیاست": [ {ORTH: "ایتالیا", LEMMA: "ایتالیا", NORM: "ایتالیا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "ایرانی‌اش": [ + "ایرانی‌اش": [ {ORTH: "ایرانی‌", LEMMA: "ایرانی‌", NORM: "ایرانی‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "اینجاست": [ + "اینجاست": [ {ORTH: "اینجا", LEMMA: "اینجا", NORM: "اینجا", TAG: "ADV"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "این‌هاست": [ + "این‌هاست": [ {ORTH: "این‌ها", LEMMA: "این‌ها", NORM: "این‌ها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "بابات": [ + "بابات": [ {ORTH: "بابا", LEMMA: "بابا", NORM: "بابا", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "بارش": [ + "بارش": [ {ORTH: "بار", LEMMA: "بار", NORM: "بار", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بازیگرانش": [ + "بازیگرانش": [ {ORTH: "بازیگران", LEMMA: "بازیگران", NORM: "بازیگران", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بازیگرمان": [ + "بازیگرمان": [ {ORTH: "بازیگر", LEMMA: "بازیگر", NORM: "بازیگر", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "بازیگرهایم": [ + "بازیگرهایم": [ {ORTH: "بازیگرها", LEMMA: "بازیگرها", NORM: "بازیگرها", TAG: "NOUN"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "NOUN"}], - "بازی‌اش": [ + "بازی‌اش": [ {ORTH: "بازی‌", LEMMA: "بازی‌", NORM: "بازی‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "بالاست": [ + "بالاست": [ {ORTH: "بالا", LEMMA: "بالا", NORM: "بالا", TAG: "ADV"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "باورند": [ + "باورند": [ {ORTH: "باور", LEMMA: "باور", NORM: "باور", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "بجاست": [ + "بجاست": [ {ORTH: "بجا", LEMMA: "بجا", NORM: "بجا", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "بدان": [ + "بدان": [ {ORTH: "ب", LEMMA: "ب", NORM: "ب", TAG: "ADP"}, {ORTH: "دان", LEMMA: "دان", NORM: "دان", TAG: "NOUN"}], - "بدش": [ + "بدش": [ {ORTH: "بد", LEMMA: "بد", NORM: "بد", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بدشان": [ + "بدشان": [ {ORTH: "بد", LEMMA: "بد", NORM: "بد", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "بدنم": [ + "بدنم": [ {ORTH: "بدن", LEMMA: "بدن", NORM: "بدن", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "بدهی‌ات": [ + "بدهی‌ات": [ {ORTH: "بدهی‌", LEMMA: "بدهی‌", NORM: "بدهی‌", TAG: "NOUN"}, {ORTH: "ات", LEMMA: "ات", NORM: "ات", TAG: "NOUN"}], - "بدین": [ + "بدین": [ {ORTH: "ب", LEMMA: "ب", NORM: "ب", TAG: "ADP"}, {ORTH: "دین", LEMMA: "دین", NORM: "دین", TAG: "NOUN"}], - "برابرش": [ + "برابرش": [ {ORTH: "برابر", LEMMA: "برابر", NORM: "برابر", TAG: "ADP"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "برادرت": [ + "برادرت": [ {ORTH: "برادر", LEMMA: "برادر", NORM: "برادر", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "برادرش": [ + "برادرش": [ {ORTH: "برادر", LEMMA: "برادر", NORM: "برادر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "برایت": [ + "برایت": [ {ORTH: "برای", LEMMA: "برای", NORM: "برای", TAG: "ADP"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "برایتان": [ + "برایتان": [ {ORTH: "برای", LEMMA: "برای", NORM: "برای", TAG: "ADP"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "برایش": [ + "برایش": [ {ORTH: "برای", LEMMA: "برای", NORM: "برای", TAG: "ADP"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "برایشان": [ + "برایشان": [ {ORTH: "برای", LEMMA: "برای", NORM: "برای", TAG: "ADP"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "برایم": [ + "برایم": [ {ORTH: "برای", LEMMA: "برای", NORM: "برای", TAG: "ADP"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "برایمان": [ + "برایمان": [ {ORTH: "برای", LEMMA: "برای", NORM: "برای", TAG: "ADP"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "برخوردارند": [ + "برخوردارند": [ {ORTH: "برخوردار", LEMMA: "برخوردار", NORM: "برخوردار", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "برنامه‌سازهاست": [ + "برنامه‌سازهاست": [ {ORTH: "برنامه‌سازها", LEMMA: "برنامه‌سازها", NORM: "برنامه‌سازها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "برهمش": [ + "برهمش": [ {ORTH: "برهم", LEMMA: "برهم", NORM: "برهم", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "برهنه‌اش": [ + "برهنه‌اش": [ {ORTH: "برهنه‌", LEMMA: "برهنه‌", NORM: "برهنه‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "برگهایش": [ + "برگهایش": [ {ORTH: "برگها", LEMMA: "برگها", NORM: "برگها", TAG: "NOUN"}, {ORTH: "یش", LEMMA: "یش", NORM: "یش", TAG: "NOUN"}], - "برین": [ + "برین": [ {ORTH: "بر", LEMMA: "بر", NORM: "بر", TAG: "ADP"}, {ORTH: "ین", LEMMA: "ین", NORM: "ین", TAG: "NOUN"}], - "بزرگش": [ + "بزرگش": [ {ORTH: "بزرگ", LEMMA: "بزرگ", NORM: "بزرگ", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بزرگ‌تری": [ + "بزرگ‌تری": [ {ORTH: "بزرگ‌تر", LEMMA: "بزرگ‌تر", NORM: "بزرگ‌تر", TAG: "ADJ"}, {ORTH: "ی", LEMMA: "ی", NORM: "ی", TAG: "VERB"}], - "بساطش": [ + "بساطش": [ {ORTH: "بساط", LEMMA: "بساط", NORM: "بساط", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بعدش": [ + "بعدش": [ {ORTH: "بعد", LEMMA: "بعد", NORM: "بعد", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بعضیهایشان": [ + "بعضیهایشان": [ {ORTH: "بعضیهای", LEMMA: "بعضیهای", NORM: "بعضیهای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "بعضی‌شان": [ + "بعضی‌شان": [ {ORTH: "بعضی", LEMMA: "بعضی", NORM: "بعضی", TAG: "NOUN"}, {ORTH: "‌شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "بقیه‌اش": [ + "بقیه‌اش": [ {ORTH: "بقیه‌", LEMMA: "بقیه‌", NORM: "بقیه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "بلندش": [ + "بلندش": [ {ORTH: "بلند", LEMMA: "بلند", NORM: "بلند", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بناگوشش": [ + "بناگوشش": [ {ORTH: "بناگوش", LEMMA: "بناگوش", NORM: "بناگوش", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بنظرم": [ + "بنظرم": [ {ORTH: "ب", LEMMA: "ب", NORM: "ب", TAG: "ADP"}, {ORTH: "نظر", LEMMA: "نظر", NORM: "نظر", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "بهت": [ + "بهت": [ {ORTH: "به", LEMMA: "به", NORM: "به", TAG: "ADP"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "بهترش": [ + "بهترش": [ {ORTH: "بهتر", LEMMA: "بهتر", NORM: "بهتر", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بهترم": [ + "بهترم": [ {ORTH: "بهتر", LEMMA: "بهتر", NORM: "بهتر", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "VERB"}], - "بهتری": [ + "بهتری": [ {ORTH: "بهتر", LEMMA: "بهتر", NORM: "بهتر", TAG: "ADJ"}, {ORTH: "ی", LEMMA: "ی", NORM: "ی", TAG: "VERB"}], - "بهش": [ + "بهش": [ {ORTH: "به", LEMMA: "به", NORM: "به", TAG: "ADP"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "به‌شان": [ + "به‌شان": [ {ORTH: "به‌", LEMMA: "به‌", NORM: "به‌", TAG: "ADP"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "بودمش": [ + "بودمش": [ {ORTH: "بودم", LEMMA: "بودم", NORM: "بودم", TAG: "VERB"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بودنش": [ + "بودنش": [ {ORTH: "بودن", LEMMA: "بودن", NORM: "بودن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بودن‌شان": [ + "بودن‌شان": [ {ORTH: "بودن‌", LEMMA: "بودن‌", NORM: "بودن‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "بوستانش": [ + "بوستانش": [ {ORTH: "بوستان", LEMMA: "بوستان", NORM: "بوستان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بویش": [ + "بویش": [ {ORTH: "بو", LEMMA: "بو", NORM: "بو", TAG: "NOUN"}, {ORTH: "یش", LEMMA: "یش", NORM: "یش", TAG: "NOUN"}], - "بچه‌اش": [ + "بچه‌اش": [ {ORTH: "بچه‌", LEMMA: "بچه‌", NORM: "بچه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "بچه‌م": [ + "بچه‌م": [ {ORTH: "بچه‌", LEMMA: "بچه‌", NORM: "بچه‌", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "بچه‌هایش": [ + "بچه‌هایش": [ {ORTH: "بچه‌های", LEMMA: "بچه‌های", NORM: "بچه‌های", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بیانیه‌شان": [ + "بیانیه‌شان": [ {ORTH: "بیانیه‌", LEMMA: "بیانیه‌", NORM: "بیانیه‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "بیدارم": [ + "بیدارم": [ {ORTH: "بیدار", LEMMA: "بیدار", NORM: "بیدار", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "بیناتری": [ + "بیناتری": [ {ORTH: "بیناتر", LEMMA: "بیناتر", NORM: "بیناتر", TAG: "ADJ"}, {ORTH: "ی", LEMMA: "ی", NORM: "ی", TAG: "VERB"}], - "بی‌اطلاعند": [ + "بی‌اطلاعند": [ {ORTH: "بی‌اطلاع", LEMMA: "بی‌اطلاع", NORM: "بی‌اطلاع", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "بی‌اطلاعید": [ + "بی‌اطلاعید": [ {ORTH: "بی‌اطلاع", LEMMA: "بی‌اطلاع", NORM: "بی‌اطلاع", TAG: "ADJ"}, {ORTH: "ید", LEMMA: "ید", NORM: "ید", TAG: "VERB"}], - "بی‌بهره‌اند": [ + "بی‌بهره‌اند": [ {ORTH: "بی‌بهره‌", LEMMA: "بی‌بهره‌", NORM: "بی‌بهره‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "بی‌تفاوتند": [ + "بی‌تفاوتند": [ {ORTH: "بی‌تفاوت", LEMMA: "بی‌تفاوت", NORM: "بی‌تفاوت", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "بی‌حسابش": [ + "بی‌حسابش": [ {ORTH: "بی‌حساب", LEMMA: "بی‌حساب", NORM: "بی‌حساب", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "بی‌نیش": [ + "بی‌نیش": [ {ORTH: "بی‌نی", LEMMA: "بی‌نی", NORM: "بی‌نی", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "تجربه‌هایم": [ + "تجربه‌هایم": [ {ORTH: "تجربه‌ها", LEMMA: "تجربه‌ها", NORM: "تجربه‌ها", TAG: "NOUN"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "NOUN"}], - "تحریم‌هاست": [ + "تحریم‌هاست": [ {ORTH: "تحریم‌ها", LEMMA: "تحریم‌ها", NORM: "تحریم‌ها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "تحولند": [ + "تحولند": [ {ORTH: "تحول", LEMMA: "تحول", NORM: "تحول", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "تخیلی‌اش": [ + "تخیلی‌اش": [ {ORTH: "تخیلی‌", LEMMA: "تخیلی‌", NORM: "تخیلی‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "ترا": [ + "ترا": [ {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}, {ORTH: "را", LEMMA: "را", NORM: "را", TAG: "PART"}], - "ترسشان": [ + "ترسشان": [ {ORTH: "ترس", LEMMA: "ترس", NORM: "ترس", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "ترکش": [ + "ترکش": [ {ORTH: "ترک", LEMMA: "ترک", NORM: "ترک", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "تشنه‌ت": [ + "تشنه‌ت": [ {ORTH: "تشنه‌", LEMMA: "تشنه‌", NORM: "تشنه‌", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "تشکیلاتی‌اش": [ + "تشکیلاتی‌اش": [ {ORTH: "تشکیلاتی‌", LEMMA: "تشکیلاتی‌", NORM: "تشکیلاتی‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "تعلقش": [ + "تعلقش": [ {ORTH: "تعلق", LEMMA: "تعلق", NORM: "تعلق", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "تلاششان": [ + "تلاششان": [ {ORTH: "تلاش", LEMMA: "تلاش", NORM: "تلاش", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "تلاشمان": [ + "تلاشمان": [ {ORTH: "تلاش", LEMMA: "تلاش", NORM: "تلاش", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "تماشاگرش": [ + "تماشاگرش": [ {ORTH: "تماشاگر", LEMMA: "تماشاگر", NORM: "تماشاگر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "تمامشان": [ + "تمامشان": [ {ORTH: "تمام", LEMMA: "تمام", NORM: "تمام", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "تنش": [ + "تنش": [ {ORTH: "تن", LEMMA: "تن", NORM: "تن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "تنمان": [ + "تنمان": [ {ORTH: "تن", LEMMA: "تن", NORM: "تن", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "تنهایی‌اش": [ + "تنهایی‌اش": [ {ORTH: "تنهایی‌", LEMMA: "تنهایی‌", NORM: "تنهایی‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "توانایی‌اش": [ + "توانایی‌اش": [ {ORTH: "توانایی‌", LEMMA: "توانایی‌", NORM: "توانایی‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "توجهش": [ + "توجهش": [ {ORTH: "توجه", LEMMA: "توجه", NORM: "توجه", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "توست": [ + "توست": [ {ORTH: "تو", LEMMA: "تو", NORM: "تو", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "توصیه‌اش": [ + "توصیه‌اش": [ {ORTH: "توصیه‌", LEMMA: "توصیه‌", NORM: "توصیه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "تیغه‌اش": [ + "تیغه‌اش": [ {ORTH: "تیغه‌", LEMMA: "تیغه‌", NORM: "تیغه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "جاست": [ + "جاست": [ {ORTH: "جا", LEMMA: "جا", NORM: "جا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "جامعه‌اند": [ + "جامعه‌اند": [ {ORTH: "جامعه‌", LEMMA: "جامعه‌", NORM: "جامعه‌", TAG: "NOUN"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "جانم": [ + "جانم": [ {ORTH: "جان", LEMMA: "جان", NORM: "جان", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "جایش": [ + "جایش": [ {ORTH: "جای", LEMMA: "جای", NORM: "جای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "جایشان": [ + "جایشان": [ {ORTH: "جای", LEMMA: "جای", NORM: "جای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "جدیدش": [ + "جدیدش": [ {ORTH: "جدید", LEMMA: "جدید", NORM: "جدید", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "جرمزاست": [ + "جرمزاست": [ {ORTH: "جرمزا", LEMMA: "جرمزا", NORM: "جرمزا", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "جلوست": [ + "جلوست": [ {ORTH: "جلو", LEMMA: "جلو", NORM: "جلو", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "جلویش": [ + "جلویش": [ {ORTH: "جلوی", LEMMA: "جلوی", NORM: "جلوی", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "جمهوریست": [ + "جمهوریست": [ {ORTH: "جمهوری", LEMMA: "جمهوری", NORM: "جمهوری", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "جنسش": [ + "جنسش": [ {ORTH: "جنس", LEMMA: "جنس", NORM: "جنس", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "جنس‌اند": [ + "جنس‌اند": [ {ORTH: "جنس‌", LEMMA: "جنس‌", NORM: "جنس‌", TAG: "NOUN"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "جوانانش": [ + "جوانانش": [ {ORTH: "جوانان", LEMMA: "جوانان", NORM: "جوانان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "جویش": [ + "جویش": [ {ORTH: "جوی", LEMMA: "جوی", NORM: "جوی", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "جگرش": [ + "جگرش": [ {ORTH: "جگر", LEMMA: "جگر", NORM: "جگر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "حاضرم": [ + "حاضرم": [ {ORTH: "حاضر", LEMMA: "حاضر", NORM: "حاضر", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "VERB"}], - "حالتهایشان": [ + "حالتهایشان": [ {ORTH: "حالتهای", LEMMA: "حالتهای", NORM: "حالتهای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "حالیست": [ + "حالیست": [ {ORTH: "حالی", LEMMA: "حالی", NORM: "حالی", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "حالی‌مان": [ + "حالی‌مان": [ {ORTH: "حالی‌", LEMMA: "حالی‌", NORM: "حالی‌", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "حاکیست": [ + "حاکیست": [ {ORTH: "حاکی", LEMMA: "حاکی", NORM: "حاکی", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "حرامزادگی‌اش": [ + "حرامزادگی‌اش": [ {ORTH: "حرامزادگی‌", LEMMA: "حرامزادگی‌", NORM: "حرامزادگی‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "حرفتان": [ + "حرفتان": [ {ORTH: "حرف", LEMMA: "حرف", NORM: "حرف", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "حرفش": [ + "حرفش": [ {ORTH: "حرف", LEMMA: "حرف", NORM: "حرف", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "حرفشان": [ + "حرفشان": [ {ORTH: "حرف", LEMMA: "حرف", NORM: "حرف", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "حرفم": [ + "حرفم": [ {ORTH: "حرف", LEMMA: "حرف", NORM: "حرف", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "حرف‌های‌شان": [ + "حرف‌های‌شان": [ {ORTH: "حرف‌های‌", LEMMA: "حرف‌های‌", NORM: "حرف‌های‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "حرکتمان": [ + "حرکتمان": [ {ORTH: "حرکت", LEMMA: "حرکت", NORM: "حرکت", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "حریفانشان": [ + "حریفانشان": [ {ORTH: "حریفان", LEMMA: "حریفان", NORM: "حریفان", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "حضورشان": [ + "حضورشان": [ {ORTH: "حضور", LEMMA: "حضور", NORM: "حضور", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "حمایتش": [ + "حمایتش": [ {ORTH: "حمایت", LEMMA: "حمایت", NORM: "حمایت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "حواسش": [ + "حواسش": [ {ORTH: "حواس", LEMMA: "حواس", NORM: "حواس", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "حواسشان": [ + "حواسشان": [ {ORTH: "حواس", LEMMA: "حواس", NORM: "حواس", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "حوصله‌مان": [ + "حوصله‌مان": [ {ORTH: "حوصله‌", LEMMA: "حوصله‌", NORM: "حوصله‌", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "حکومتش": [ + "حکومتش": [ {ORTH: "حکومت", LEMMA: "حکومت", NORM: "حکومت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "حکومتشان": [ + "حکومتشان": [ {ORTH: "حکومت", LEMMA: "حکومت", NORM: "حکومت", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "حیفم": [ + "حیفم": [ {ORTH: "حیف", LEMMA: "حیف", NORM: "حیف", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "خاندانش": [ + "خاندانش": [ {ORTH: "خاندان", LEMMA: "خاندان", NORM: "خاندان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "خانه‌اش": [ + "خانه‌اش": [ {ORTH: "خانه‌", LEMMA: "خانه‌", NORM: "خانه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "خانه‌شان": [ + "خانه‌شان": [ {ORTH: "خانه‌", LEMMA: "خانه‌", NORM: "خانه‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "خانه‌مان": [ + "خانه‌مان": [ {ORTH: "خانه‌", LEMMA: "خانه‌", NORM: "خانه‌", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "خانه‌هایشان": [ + "خانه‌هایشان": [ {ORTH: "خانه‌های", LEMMA: "خانه‌های", NORM: "خانه‌های", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "خانواده‌ات": [ + "خانواده‌ات": [ {ORTH: "خانواده", LEMMA: "خانواده", NORM: "خانواده", TAG: "NOUN"}, {ORTH: "‌ات", LEMMA: "ات", NORM: "ات", TAG: "NOUN"}], - "خانواده‌اش": [ + "خانواده‌اش": [ {ORTH: "خانواده‌", LEMMA: "خانواده‌", NORM: "خانواده‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "خانواده‌ام": [ + "خانواده‌ام": [ {ORTH: "خانواده‌", LEMMA: "خانواده‌", NORM: "خانواده‌", TAG: "NOUN"}, {ORTH: "ام", LEMMA: "ام", NORM: "ام", TAG: "NOUN"}], - "خانواده‌شان": [ + "خانواده‌شان": [ {ORTH: "خانواده‌", LEMMA: "خانواده‌", NORM: "خانواده‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "خداست": [ + "خداست": [ {ORTH: "خدا", LEMMA: "خدا", NORM: "خدا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "خدایش": [ + "خدایش": [ {ORTH: "خدا", LEMMA: "خدا", NORM: "خدا", TAG: "NOUN"}, {ORTH: "یش", LEMMA: "یش", NORM: "یش", TAG: "NOUN"}], - "خدایشان": [ + "خدایشان": [ {ORTH: "خدای", LEMMA: "خدای", NORM: "خدای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "خردسالش": [ + "خردسالش": [ {ORTH: "خردسال", LEMMA: "خردسال", NORM: "خردسال", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "خروپفشان": [ + "خروپفشان": [ {ORTH: "خروپف", LEMMA: "خروپف", NORM: "خروپف", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "خسته‌ای": [ + "خسته‌ای": [ {ORTH: "خسته‌", LEMMA: "خسته‌", NORM: "خسته‌", TAG: "ADJ"}, {ORTH: "ای", LEMMA: "ای", NORM: "ای", TAG: "VERB"}], - "خطت": [ + "خطت": [ {ORTH: "خط", LEMMA: "خط", NORM: "خط", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "خوابمان": [ + "خوابمان": [ {ORTH: "خواب", LEMMA: "خواب", NORM: "خواب", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "خواندنش": [ + "خواندنش": [ {ORTH: "خواندن", LEMMA: "خواندن", NORM: "خواندن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "خواهرش": [ + "خواهرش": [ {ORTH: "خواهر", LEMMA: "خواهر", NORM: "خواهر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "خوبش": [ + "خوبش": [ {ORTH: "خوب", LEMMA: "خوب", NORM: "خوب", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "خودت": [ + "خودت": [ {ORTH: "خود", LEMMA: "خود", NORM: "خود", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "خودتان": [ + "خودتان": [ {ORTH: "خود", LEMMA: "خود", NORM: "خود", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "خودش": [ + "خودش": [ {ORTH: "خود", LEMMA: "خود", NORM: "خود", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "خودشان": [ + "خودشان": [ {ORTH: "خود", LEMMA: "خود", NORM: "خود", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "خودمان": [ + "خودمان": [ {ORTH: "خود", LEMMA: "خود", NORM: "خود", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "خوردمان": [ + "خوردمان": [ {ORTH: "خورد", LEMMA: "خورد", NORM: "خورد", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "خوردنشان": [ + "خوردنشان": [ {ORTH: "خوردن", LEMMA: "خوردن", NORM: "خوردن", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "خوشش": [ + "خوشش": [ {ORTH: "خوش", LEMMA: "خوش", NORM: "خوش", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "خوشوقتم": [ + "خوشوقتم": [ {ORTH: "خوشوقت", LEMMA: "خوشوقت", NORM: "خوشوقت", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "VERB"}], - "خونشان": [ + "خونشان": [ {ORTH: "خون", LEMMA: "خون", NORM: "خون", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "خویش": [ + "خویش": [ {ORTH: "خوی", LEMMA: "خوی", NORM: "خوی", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "خویشتنم": [ + "خویشتنم": [ {ORTH: "خویشتن", LEMMA: "خویشتن", NORM: "خویشتن", TAG: "VERB"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "خیالش": [ + "خیالش": [ {ORTH: "خیال", LEMMA: "خیال", NORM: "خیال", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "خیسش": [ + "خیسش": [ {ORTH: "خیس", LEMMA: "خیس", NORM: "خیس", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "داراست": [ + "داراست": [ {ORTH: "دارا", LEMMA: "دارا", NORM: "دارا", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "داستانهایش": [ + "داستانهایش": [ {ORTH: "داستانهای", LEMMA: "داستانهای", NORM: "داستانهای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دخترمان": [ + "دخترمان": [ {ORTH: "دختر", LEMMA: "دختر", NORM: "دختر", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "دخیلند": [ + "دخیلند": [ {ORTH: "دخیل", LEMMA: "دخیل", NORM: "دخیل", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "درباره‌ات": [ + "درباره‌ات": [ {ORTH: "درباره", LEMMA: "درباره", NORM: "درباره", TAG: "ADP"}, {ORTH: "‌ات", LEMMA: "ات", NORM: "ات", TAG: "NOUN"}], - "درباره‌اش": [ + "درباره‌اش": [ {ORTH: "درباره‌", LEMMA: "درباره‌", NORM: "درباره‌", TAG: "ADP"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "دردش": [ + "دردش": [ {ORTH: "درد", LEMMA: "درد", NORM: "درد", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دردشان": [ + "دردشان": [ {ORTH: "درد", LEMMA: "درد", NORM: "درد", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "درسته": [ + "درسته": [ {ORTH: "درست", LEMMA: "درست", NORM: "درست", TAG: "ADJ"}, {ORTH: "ه", LEMMA: "ه", NORM: "ه", TAG: "VERB"}], - "درش": [ + "درش": [ {ORTH: "در", LEMMA: "در", NORM: "در", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "درون‌شان": [ + "درون‌شان": [ {ORTH: "درون‌", LEMMA: "درون‌", NORM: "درون‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "درین": [ + "درین": [ {ORTH: "در", LEMMA: "در", NORM: "در", TAG: "ADP"}, {ORTH: "ین", LEMMA: "ین", NORM: "ین", TAG: "NOUN"}], - "دریچه‌هایش": [ + "دریچه‌هایش": [ {ORTH: "دریچه‌های", LEMMA: "دریچه‌های", NORM: "دریچه‌های", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دزدانش": [ + "دزدانش": [ {ORTH: "دزدان", LEMMA: "دزدان", NORM: "دزدان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دستت": [ + "دستت": [ {ORTH: "دست", LEMMA: "دست", NORM: "دست", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "دستش": [ + "دستش": [ {ORTH: "دست", LEMMA: "دست", NORM: "دست", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دستمان": [ + "دستمان": [ {ORTH: "دست", LEMMA: "دست", NORM: "دست", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "دستهایشان": [ + "دستهایشان": [ {ORTH: "دستهای", LEMMA: "دستهای", NORM: "دستهای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "دست‌یافتنی‌ست": [ + "دست‌یافتنی‌ست": [ {ORTH: "دست‌یافتنی‌", LEMMA: "دست‌یافتنی‌", NORM: "دست‌یافتنی‌", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "دشمنند": [ + "دشمنند": [ {ORTH: "دشمن", LEMMA: "دشمن", NORM: "دشمن", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "دشمنیشان": [ + "دشمنیشان": [ {ORTH: "دشمنی", LEMMA: "دشمنی", NORM: "دشمنی", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "دشمنیم": [ + "دشمنیم": [ {ORTH: "دشمن", LEMMA: "دشمن", NORM: "دشمن", TAG: "NOUN"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "VERB"}], - "دفترش": [ + "دفترش": [ {ORTH: "دفتر", LEMMA: "دفتر", NORM: "دفتر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دفنشان": [ + "دفنشان": [ {ORTH: "دفن", LEMMA: "دفن", NORM: "دفن", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "دلت": [ + "دلت": [ {ORTH: "دل", LEMMA: "دل", NORM: "دل", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "دلش": [ + "دلش": [ {ORTH: "دل", LEMMA: "دل", NORM: "دل", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دلشان": [ + "دلشان": [ {ORTH: "دل", LEMMA: "دل", NORM: "دل", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "دلم": [ + "دلم": [ {ORTH: "دل", LEMMA: "دل", NORM: "دل", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "دلیلش": [ + "دلیلش": [ {ORTH: "دلیل", LEMMA: "دلیل", NORM: "دلیل", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دنبالش": [ + "دنبالش": [ {ORTH: "دنبال", LEMMA: "دنبال", NORM: "دنبال", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دنباله‌اش": [ + "دنباله‌اش": [ {ORTH: "دنباله‌", LEMMA: "دنباله‌", NORM: "دنباله‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "دهاتی‌هایش": [ + "دهاتی‌هایش": [ {ORTH: "دهاتی‌های", LEMMA: "دهاتی‌های", NORM: "دهاتی‌های", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دهانت": [ + "دهانت": [ {ORTH: "دهان", LEMMA: "دهان", NORM: "دهان", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "دهنش": [ + "دهنش": [ {ORTH: "دهن", LEMMA: "دهن", NORM: "دهن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دورش": [ + "دورش": [ {ORTH: "دور", LEMMA: "دور", NORM: "دور", TAG: "ADV"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دوروبریهاشان": [ + "دوروبریهاشان": [ {ORTH: "دوروبریها", LEMMA: "دوروبریها", NORM: "دوروبریها", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "دوستانش": [ + "دوستانش": [ {ORTH: "دوستان", LEMMA: "دوستان", NORM: "دوستان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دوستانشان": [ + "دوستانشان": [ {ORTH: "دوستان", LEMMA: "دوستان", NORM: "دوستان", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "دوستت": [ + "دوستت": [ {ORTH: "دوست", LEMMA: "دوست", NORM: "دوست", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "دوستش": [ + "دوستش": [ {ORTH: "دوست", LEMMA: "دوست", NORM: "دوست", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دومش": [ + "دومش": [ {ORTH: "دوم", LEMMA: "دوم", NORM: "دوم", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دویدنش": [ + "دویدنش": [ {ORTH: "دویدن", LEMMA: "دویدن", NORM: "دویدن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دکورهایمان": [ + "دکورهایمان": [ {ORTH: "دکورهای", LEMMA: "دکورهای", NORM: "دکورهای", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "دیدگاهش": [ + "دیدگاهش": [ {ORTH: "دیدگاه", LEMMA: "دیدگاه", NORM: "دیدگاه", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دیرت": [ + "دیرت": [ {ORTH: "دیر", LEMMA: "دیر", NORM: "دیر", TAG: "ADV"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "دیرم": [ + "دیرم": [ {ORTH: "دیر", LEMMA: "دیر", NORM: "دیر", TAG: "ADV"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "دینت": [ + "دینت": [ {ORTH: "دین", LEMMA: "دین", NORM: "دین", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "دینش": [ + "دینش": [ {ORTH: "دین", LEMMA: "دین", NORM: "دین", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دین‌شان": [ + "دین‌شان": [ {ORTH: "دین‌", LEMMA: "دین‌", NORM: "دین‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "دیواره‌هایش": [ + "دیواره‌هایش": [ {ORTH: "دیواره‌های", LEMMA: "دیواره‌های", NORM: "دیواره‌های", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "دیوانه‌ای": [ + "دیوانه‌ای": [ {ORTH: "دیوانه‌", LEMMA: "دیوانه‌", NORM: "دیوانه‌", TAG: "ADJ"}, {ORTH: "ای", LEMMA: "ای", NORM: "ای", TAG: "VERB"}], - "دیوی": [ + "دیوی": [ {ORTH: "دیو", LEMMA: "دیو", NORM: "دیو", TAG: "NOUN"}, {ORTH: "ی", LEMMA: "ی", NORM: "ی", TAG: "VERB"}], - "دیگرم": [ + "دیگرم": [ {ORTH: "دیگر", LEMMA: "دیگر", NORM: "دیگر", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "دیگرمان": [ + "دیگرمان": [ {ORTH: "دیگر", LEMMA: "دیگر", NORM: "دیگر", TAG: "ADJ"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "ذهنش": [ + "ذهنش": [ {ORTH: "ذهن", LEMMA: "ذهن", NORM: "ذهن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "ذهنشان": [ + "ذهنشان": [ {ORTH: "ذهن", LEMMA: "ذهن", NORM: "ذهن", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "ذهنم": [ + "ذهنم": [ {ORTH: "ذهن", LEMMA: "ذهن", NORM: "ذهن", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "رئوسش": [ + "رئوسش": [ {ORTH: "رئوس", LEMMA: "رئوس", NORM: "رئوس", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "راهشان": [ + "راهشان": [ {ORTH: "راه", LEMMA: "راه", NORM: "راه", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "راهگشاست": [ + "راهگشاست": [ {ORTH: "راهگشا", LEMMA: "راهگشا", NORM: "راهگشا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "رایانه‌هایشان": [ + "رایانه‌هایشان": [ {ORTH: "رایانه‌های", LEMMA: "رایانه‌های", NORM: "رایانه‌های", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "رعایتشان": [ + "رعایتشان": [ {ORTH: "رعایت", LEMMA: "رعایت", NORM: "رعایت", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "رفتارش": [ + "رفتارش": [ {ORTH: "رفتار", LEMMA: "رفتار", NORM: "رفتار", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "رفتارشان": [ + "رفتارشان": [ {ORTH: "رفتار", LEMMA: "رفتار", NORM: "رفتار", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "رفتارمان": [ + "رفتارمان": [ {ORTH: "رفتار", LEMMA: "رفتار", NORM: "رفتار", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "رفتارهاست": [ + "رفتارهاست": [ {ORTH: "رفتارها", LEMMA: "رفتارها", NORM: "رفتارها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "رفتارهایشان": [ + "رفتارهایشان": [ {ORTH: "رفتارهای", LEMMA: "رفتارهای", NORM: "رفتارهای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "رفقایم": [ + "رفقایم": [ {ORTH: "رفقا", LEMMA: "رفقا", NORM: "رفقا", TAG: "NOUN"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "NOUN"}], - "رقیق‌ترش": [ + "رقیق‌ترش": [ {ORTH: "رقیق‌تر", LEMMA: "رقیق‌تر", NORM: "رقیق‌تر", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "رنجند": [ + "رنجند": [ {ORTH: "رنج", LEMMA: "رنج", NORM: "رنج", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "رهگشاست": [ + "رهگشاست": [ {ORTH: "رهگشا", LEMMA: "رهگشا", NORM: "رهگشا", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "رواست": [ + "رواست": [ {ORTH: "روا", LEMMA: "روا", NORM: "روا", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "روبروست": [ + "روبروست": [ {ORTH: "روبرو", LEMMA: "روبرو", NORM: "روبرو", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "روحی‌اش": [ + "روحی‌اش": [ {ORTH: "روحی‌", LEMMA: "روحی‌", NORM: "روحی‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "روزنامه‌اش": [ + "روزنامه‌اش": [ {ORTH: "روزنامه‌", LEMMA: "روزنامه‌", NORM: "روزنامه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "روزه‌ست": [ + "روزه‌ست": [ {ORTH: "روزه‌", LEMMA: "روزه‌", NORM: "روزه‌", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "روسری‌اش": [ + "روسری‌اش": [ {ORTH: "روسری‌", LEMMA: "روسری‌", NORM: "روسری‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "روشتان": [ + "روشتان": [ {ORTH: "روش", LEMMA: "روش", NORM: "روش", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "رویش": [ + "رویش": [ {ORTH: "روی", LEMMA: "روی", NORM: "روی", TAG: "ADP"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "زبانش": [ + "زبانش": [ {ORTH: "زبان", LEMMA: "زبان", NORM: "زبان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "زحماتشان": [ + "زحماتشان": [ {ORTH: "زحمات", LEMMA: "زحمات", NORM: "زحمات", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "زدنهایشان": [ + "زدنهایشان": [ {ORTH: "زدنهای", LEMMA: "زدنهای", NORM: "زدنهای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "زرنگشان": [ + "زرنگشان": [ {ORTH: "زرنگ", LEMMA: "زرنگ", NORM: "زرنگ", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "زشتش": [ + "زشتش": [ {ORTH: "زشت", LEMMA: "زشت", NORM: "زشت", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "زشتکارانند": [ + "زشتکارانند": [ {ORTH: "زشتکاران", LEMMA: "زشتکاران", NORM: "زشتکاران", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "زلفش": [ + "زلفش": [ {ORTH: "زلف", LEMMA: "زلف", NORM: "زلف", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "زمن": [ + "زمن": [ {ORTH: "ز", LEMMA: "ز", NORM: "ز", TAG: "ADP"}, {ORTH: "من", LEMMA: "من", NORM: "من", TAG: "NOUN"}], - "زنبوری‌اش": [ + "زنبوری‌اش": [ {ORTH: "زنبوری‌", LEMMA: "زنبوری‌", NORM: "زنبوری‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "زندانم": [ + "زندانم": [ {ORTH: "زندان", LEMMA: "زندان", NORM: "زندان", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "زنده‌ام": [ + "زنده‌ام": [ {ORTH: "زنده‌", LEMMA: "زنده‌", NORM: "زنده‌", TAG: "ADJ"}, {ORTH: "ام", LEMMA: "ام", NORM: "ام", TAG: "VERB"}], - "زندگانی‌اش": [ + "زندگانی‌اش": [ {ORTH: "زندگانی‌", LEMMA: "زندگانی‌", NORM: "زندگانی‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "زندگی‌اش": [ + "زندگی‌اش": [ {ORTH: "زندگی‌", LEMMA: "زندگی‌", NORM: "زندگی‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "زندگی‌ام": [ + "زندگی‌ام": [ {ORTH: "زندگی‌", LEMMA: "زندگی‌", NORM: "زندگی‌", TAG: "NOUN"}, {ORTH: "ام", LEMMA: "ام", NORM: "ام", TAG: "NOUN"}], - "زندگی‌شان": [ + "زندگی‌شان": [ {ORTH: "زندگی‌", LEMMA: "زندگی‌", NORM: "زندگی‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "زنش": [ + "زنش": [ {ORTH: "زن", LEMMA: "زن", NORM: "زن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "زنند": [ + "زنند": [ {ORTH: "زن", LEMMA: "زن", NORM: "زن", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "زو": [ + "زو": [ {ORTH: "ز", LEMMA: "ز", NORM: "ز", TAG: "ADP"}, {ORTH: "و", LEMMA: "و", NORM: "و", TAG: "NOUN"}], - "زیاده": [ + "زیاده": [ {ORTH: "زیاد", LEMMA: "زیاد", NORM: "زیاد", TAG: "ADJ"}, {ORTH: "ه", LEMMA: "ه", NORM: "ه", TAG: "VERB"}], - "زیباست": [ + "زیباست": [ {ORTH: "زیبا", LEMMA: "زیبا", NORM: "زیبا", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "زیبایش": [ + "زیبایش": [ {ORTH: "زیبای", LEMMA: "زیبای", NORM: "زیبای", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "زیبایی": [ + "زیبایی": [ {ORTH: "زیبای", LEMMA: "زیبای", NORM: "زیبای", TAG: "ADJ"}, {ORTH: "ی", LEMMA: "ی", NORM: "ی", TAG: "VERB"}], - "زیربناست": [ + "زیربناست": [ {ORTH: "زیربنا", LEMMA: "زیربنا", NORM: "زیربنا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "زیرک‌اند": [ + "زیرک‌اند": [ {ORTH: "زیرک‌", LEMMA: "زیرک‌", NORM: "زیرک‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "سؤالتان": [ + "سؤالتان": [ {ORTH: "سؤال", LEMMA: "سؤال", NORM: "سؤال", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "سؤالم": [ + "سؤالم": [ {ORTH: "سؤال", LEMMA: "سؤال", NORM: "سؤال", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "سابقه‌اش": [ + "سابقه‌اش": [ {ORTH: "سابقه‌", LEMMA: "سابقه‌", NORM: "سابقه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "ساختنم": [ + "ساختنم": [ {ORTH: "ساختن", LEMMA: "ساختن", NORM: "ساختن", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "ساده‌اش": [ + "ساده‌اش": [ {ORTH: "ساده‌", LEMMA: "ساده‌", NORM: "ساده‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "ساده‌اند": [ + "ساده‌اند": [ {ORTH: "ساده‌", LEMMA: "ساده‌", NORM: "ساده‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "سازمانش": [ + "سازمانش": [ {ORTH: "سازمان", LEMMA: "سازمان", NORM: "سازمان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "ساعتم": [ + "ساعتم": [ {ORTH: "ساعت", LEMMA: "ساعت", NORM: "ساعت", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "سالته": [ + "سالته": [ {ORTH: "سال", LEMMA: "سال", NORM: "سال", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}, {ORTH: "ه", LEMMA: "ه", NORM: "ه", TAG: "VERB"}], - "سالش": [ + "سالش": [ {ORTH: "سال", LEMMA: "سال", NORM: "سال", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سالهاست": [ + "سالهاست": [ {ORTH: "سالها", LEMMA: "سالها", NORM: "سالها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "ساله‌اش": [ + "ساله‌اش": [ {ORTH: "ساله‌", LEMMA: "ساله‌", NORM: "ساله‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "ساکتند": [ + "ساکتند": [ {ORTH: "ساکت", LEMMA: "ساکت", NORM: "ساکت", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "ساکنند": [ + "ساکنند": [ {ORTH: "ساکن", LEMMA: "ساکن", NORM: "ساکن", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "سبزشان": [ + "سبزشان": [ {ORTH: "سبز", LEMMA: "سبز", NORM: "سبز", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "سبیل‌مان": [ + "سبیل‌مان": [ {ORTH: "سبیل‌", LEMMA: "سبیل‌", NORM: "سبیل‌", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "ستم‌هایش": [ + "ستم‌هایش": [ {ORTH: "ستم‌های", LEMMA: "ستم‌های", NORM: "ستم‌های", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سخنانش": [ + "سخنانش": [ {ORTH: "سخنان", LEMMA: "سخنان", NORM: "سخنان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سخنانشان": [ + "سخنانشان": [ {ORTH: "سخنان", LEMMA: "سخنان", NORM: "سخنان", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "سخنتان": [ + "سخنتان": [ {ORTH: "سخن", LEMMA: "سخن", NORM: "سخن", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "سخنش": [ + "سخنش": [ {ORTH: "سخن", LEMMA: "سخن", NORM: "سخن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سخنم": [ + "سخنم": [ {ORTH: "سخن", LEMMA: "سخن", NORM: "سخن", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "سردش": [ + "سردش": [ {ORTH: "سرد", LEMMA: "سرد", NORM: "سرد", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سرزمینشان": [ + "سرزمینشان": [ {ORTH: "سرزمین", LEMMA: "سرزمین", NORM: "سرزمین", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "سرش": [ + "سرش": [ {ORTH: "سر", LEMMA: "سر", NORM: "سر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سرمایه‌دارهاست": [ + "سرمایه‌دارهاست": [ {ORTH: "سرمایه‌دارها", LEMMA: "سرمایه‌دارها", NORM: "سرمایه‌دارها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "سرنوشتش": [ + "سرنوشتش": [ {ORTH: "سرنوشت", LEMMA: "سرنوشت", NORM: "سرنوشت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سرنوشتشان": [ + "سرنوشتشان": [ {ORTH: "سرنوشت", LEMMA: "سرنوشت", NORM: "سرنوشت", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "سروتهش": [ + "سروتهش": [ {ORTH: "سروته", LEMMA: "سروته", NORM: "سروته", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سرچشمه‌اش": [ + "سرچشمه‌اش": [ {ORTH: "سرچشمه‌", LEMMA: "سرچشمه‌", NORM: "سرچشمه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "سقمش": [ + "سقمش": [ {ORTH: "سقم", LEMMA: "سقم", NORM: "سقم", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سنش": [ + "سنش": [ {ORTH: "سن", LEMMA: "سن", NORM: "سن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سپاهش": [ + "سپاهش": [ {ORTH: "سپاه", LEMMA: "سپاه", NORM: "سپاه", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "سیاسیشان": [ + "سیاسیشان": [ {ORTH: "سیاسی", LEMMA: "سیاسی", NORM: "سیاسی", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "سیاه‌چاله‌هاست": [ + "سیاه‌چاله‌هاست": [ {ORTH: "سیاه‌چاله‌ها", LEMMA: "سیاه‌چاله‌ها", NORM: "سیاه‌چاله‌ها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "شاخه‌هایشان": [ + "شاخه‌هایشان": [ {ORTH: "شاخه‌های", LEMMA: "شاخه‌های", NORM: "شاخه‌های", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "شالوده‌اش": [ + "شالوده‌اش": [ {ORTH: "شالوده‌", LEMMA: "شالوده‌", NORM: "شالوده‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "شانه‌هایش": [ + "شانه‌هایش": [ {ORTH: "شانه‌های", LEMMA: "شانه‌های", NORM: "شانه‌های", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "شاهدیم": [ + "شاهدیم": [ {ORTH: "شاهد", LEMMA: "شاهد", NORM: "شاهد", TAG: "NOUN"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "VERB"}], - "شاهکارهایش": [ + "شاهکارهایش": [ {ORTH: "شاهکارهای", LEMMA: "شاهکارهای", NORM: "شاهکارهای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "شخصیتش": [ + "شخصیتش": [ {ORTH: "شخصیت", LEMMA: "شخصیت", NORM: "شخصیت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "شدنشان": [ + "شدنشان": [ {ORTH: "شدن", LEMMA: "شدن", NORM: "شدن", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "شرکتیست": [ + "شرکتیست": [ {ORTH: "شرکتی", LEMMA: "شرکتی", NORM: "شرکتی", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "شعارهاشان": [ + "شعارهاشان": [ {ORTH: "شعارها", LEMMA: "شعارها", NORM: "شعارها", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "شعورش": [ + "شعورش": [ {ORTH: "شعور", LEMMA: "شعور", NORM: "شعور", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "شغلش": [ + "شغلش": [ {ORTH: "شغل", LEMMA: "شغل", NORM: "شغل", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "شماست": [ + "شماست": [ {ORTH: "شما", LEMMA: "شما", NORM: "شما", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "شمشیرش": [ + "شمشیرش": [ {ORTH: "شمشیر", LEMMA: "شمشیر", NORM: "شمشیر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "شنیدنش": [ + "شنیدنش": [ {ORTH: "شنیدن", LEMMA: "شنیدن", NORM: "شنیدن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "شوراست": [ + "شوراست": [ {ORTH: "شورا", LEMMA: "شورا", NORM: "شورا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "شومت": [ + "شومت": [ {ORTH: "شوم", LEMMA: "شوم", NORM: "شوم", TAG: "ADJ"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "شیرینترش": [ + "شیرینترش": [ {ORTH: "شیرینتر", LEMMA: "شیرینتر", NORM: "شیرینتر", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "شیطان‌اند": [ + "شیطان‌اند": [ {ORTH: "شیطان‌", LEMMA: "شیطان‌", NORM: "شیطان‌", TAG: "NOUN"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "شیوه‌هاست": [ + "شیوه‌هاست": [ {ORTH: "شیوه‌ها", LEMMA: "شیوه‌ها", NORM: "شیوه‌ها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "صاحبش": [ + "صاحبش": [ {ORTH: "صاحب", LEMMA: "صاحب", NORM: "صاحب", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "صحنه‌اش": [ + "صحنه‌اش": [ {ORTH: "صحنه‌", LEMMA: "صحنه‌", NORM: "صحنه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "صدایش": [ + "صدایش": [ {ORTH: "صدای", LEMMA: "صدای", NORM: "صدای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "صددند": [ + "صددند": [ {ORTH: "صدد", LEMMA: "صدد", NORM: "صدد", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "صندوق‌هاست": [ + "صندوق‌هاست": [ {ORTH: "صندوق‌ها", LEMMA: "صندوق‌ها", NORM: "صندوق‌ها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "صندوق‌هایش": [ + "صندوق‌هایش": [ {ORTH: "صندوق‌های", LEMMA: "صندوق‌های", NORM: "صندوق‌های", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "صورتش": [ + "صورتش": [ {ORTH: "صورت", LEMMA: "صورت", NORM: "صورت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "ضروری‌اند": [ + "ضروری‌اند": [ {ORTH: "ضروری‌", LEMMA: "ضروری‌", NORM: "ضروری‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "ضمیرش": [ + "ضمیرش": [ {ORTH: "ضمیر", LEMMA: "ضمیر", NORM: "ضمیر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "طرفش": [ + "طرفش": [ {ORTH: "طرف", LEMMA: "طرف", NORM: "طرف", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "طلسمش": [ + "طلسمش": [ {ORTH: "طلسم", LEMMA: "طلسم", NORM: "طلسم", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "طوره": [ + "طوره": [ {ORTH: "طور", LEMMA: "طور", NORM: "طور", TAG: "NOUN"}, {ORTH: "ه", LEMMA: "ه", NORM: "ه", TAG: "VERB"}], - "عاشوراست": [ + "عاشوراست": [ {ORTH: "عاشورا", LEMMA: "عاشورا", NORM: "عاشورا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "عبارتند": [ + "عبارتند": [ {ORTH: "عبارت", LEMMA: "عبارت", NORM: "عبارت", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "عزیزانتان": [ + "عزیزانتان": [ {ORTH: "عزیزان", LEMMA: "عزیزان", NORM: "عزیزان", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "عزیزانش": [ + "عزیزانش": [ {ORTH: "عزیزان", LEMMA: "عزیزان", NORM: "عزیزان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "عزیزش": [ + "عزیزش": [ {ORTH: "عزیز", LEMMA: "عزیز", NORM: "عزیز", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "عشرت‌طلبی‌اش": [ + "عشرت‌طلبی‌اش": [ {ORTH: "عشرت‌طلبی‌", LEMMA: "عشرت‌طلبی‌", NORM: "عشرت‌طلبی‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "عقبیم": [ + "عقبیم": [ {ORTH: "عقب", LEMMA: "عقب", NORM: "عقب", TAG: "NOUN"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "VERB"}], - "علاقه‌اش": [ + "علاقه‌اش": [ {ORTH: "علاقه‌", LEMMA: "علاقه‌", NORM: "علاقه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "علمیمان": [ + "علمیمان": [ {ORTH: "علمی", LEMMA: "علمی", NORM: "علمی", TAG: "ADJ"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "عمرش": [ + "عمرش": [ {ORTH: "عمر", LEMMA: "عمر", NORM: "عمر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "عمرشان": [ + "عمرشان": [ {ORTH: "عمر", LEMMA: "عمر", NORM: "عمر", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "عملش": [ + "عملش": [ {ORTH: "عمل", LEMMA: "عمل", NORM: "عمل", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "عملی‌اند": [ + "عملی‌اند": [ {ORTH: "عملی‌", LEMMA: "عملی‌", NORM: "عملی‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "عمویت": [ + "عمویت": [ {ORTH: "عموی", LEMMA: "عموی", NORM: "عموی", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "عمویش": [ + "عمویش": [ {ORTH: "عموی", LEMMA: "عموی", NORM: "عموی", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "عمیقش": [ + "عمیقش": [ {ORTH: "عمیق", LEMMA: "عمیق", NORM: "عمیق", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "عواملش": [ + "عواملش": [ {ORTH: "عوامل", LEMMA: "عوامل", NORM: "عوامل", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "عوضشان": [ + "عوضشان": [ {ORTH: "عوض", LEMMA: "عوض", NORM: "عوض", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "غذایی‌شان": [ + "غذایی‌شان": [ {ORTH: "غذایی‌", LEMMA: "غذایی‌", NORM: "غذایی‌", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "غریبه‌اند": [ + "غریبه‌اند": [ {ORTH: "غریبه‌", LEMMA: "غریبه‌", NORM: "غریبه‌", TAG: "NOUN"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "غلامانش": [ + "غلامانش": [ {ORTH: "غلامان", LEMMA: "غلامان", NORM: "غلامان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "غلطهاست": [ + "غلطهاست": [ {ORTH: "غلطها", LEMMA: "غلطها", NORM: "غلطها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "فراموشتان": [ + "فراموشتان": [ {ORTH: "فراموش", LEMMA: "فراموش", NORM: "فراموش", TAG: "ADJ"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "فردی‌اند": [ + "فردی‌اند": [ {ORTH: "فردی‌", LEMMA: "فردی‌", NORM: "فردی‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "فرزندانش": [ + "فرزندانش": [ {ORTH: "فرزندان", LEMMA: "فرزندان", NORM: "فرزندان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "فرزندش": [ + "فرزندش": [ {ORTH: "فرزند", LEMMA: "فرزند", NORM: "فرزند", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "فرم‌هایش": [ + "فرم‌هایش": [ {ORTH: "فرم‌های", LEMMA: "فرم‌های", NORM: "فرم‌های", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "فرهنگی‌مان": [ + "فرهنگی‌مان": [ {ORTH: "فرهنگی‌", LEMMA: "فرهنگی‌", NORM: "فرهنگی‌", TAG: "ADJ"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "فریادشان": [ + "فریادشان": [ {ORTH: "فریاد", LEMMA: "فریاد", NORM: "فریاد", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "فضایی‌شان": [ + "فضایی‌شان": [ {ORTH: "فضایی‌", LEMMA: "فضایی‌", NORM: "فضایی‌", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "فقیرشان": [ + "فقیرشان": [ {ORTH: "فقیر", LEMMA: "فقیر", NORM: "فقیر", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "فوری‌شان": [ + "فوری‌شان": [ {ORTH: "فوری‌", LEMMA: "فوری‌", NORM: "فوری‌", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "قائلند": [ + "قائلند": [ {ORTH: "قائل", LEMMA: "قائل", NORM: "قائل", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "قائلیم": [ + "قائلیم": [ {ORTH: "قائل", LEMMA: "قائل", NORM: "قائل", TAG: "ADJ"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "VERB"}], - "قادرند": [ + "قادرند": [ {ORTH: "قادر", LEMMA: "قادر", NORM: "قادر", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "قانونمندش": [ + "قانونمندش": [ {ORTH: "قانونمند", LEMMA: "قانونمند", NORM: "قانونمند", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "قبلند": [ + "قبلند": [ {ORTH: "قبل", LEMMA: "قبل", NORM: "قبل", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "قبلی‌اش": [ + "قبلی‌اش": [ {ORTH: "قبلی‌", LEMMA: "قبلی‌", NORM: "قبلی‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "قبلی‌مان": [ + "قبلی‌مان": [ {ORTH: "قبلی‌", LEMMA: "قبلی‌", NORM: "قبلی‌", TAG: "ADJ"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "قدریست": [ + "قدریست": [ {ORTH: "قدری", LEMMA: "قدری", NORM: "قدری", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "قدمش": [ + "قدمش": [ {ORTH: "قدم", LEMMA: "قدم", NORM: "قدم", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "قسمتش": [ + "قسمتش": [ {ORTH: "قسمت", LEMMA: "قسمت", NORM: "قسمت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "قضایاست": [ + "قضایاست": [ {ORTH: "قضایا", LEMMA: "قضایا", NORM: "قضایا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "قضیه‌شان": [ + "قضیه‌شان": [ {ORTH: "قضیه‌", LEMMA: "قضیه‌", NORM: "قضیه‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "قهرمانهایشان": [ + "قهرمانهایشان": [ {ORTH: "قهرمانهای", LEMMA: "قهرمانهای", NORM: "قهرمانهای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "قهرمانیش": [ + "قهرمانیش": [ {ORTH: "قهرمانی", LEMMA: "قهرمانی", NORM: "قهرمانی", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "قومت": [ + "قومت": [ {ORTH: "قوم", LEMMA: "قوم", NORM: "قوم", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "لازمه‌اش": [ + "لازمه‌اش": [ {ORTH: "لازمه‌", LEMMA: "لازمه‌", NORM: "لازمه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "مأموریتش": [ + "مأموریتش": [ {ORTH: "مأموریت", LEMMA: "مأموریت", NORM: "مأموریت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مأموریتم": [ + "مأموریتم": [ {ORTH: "مأموریت", LEMMA: "مأموریت", NORM: "مأموریت", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "مأموریت‌اند": [ + "مأموریت‌اند": [ {ORTH: "مأموریت‌", LEMMA: "مأموریت‌", NORM: "مأموریت‌", TAG: "NOUN"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "مادرانشان": [ + "مادرانشان": [ {ORTH: "مادران", LEMMA: "مادران", NORM: "مادران", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "مادرت": [ + "مادرت": [ {ORTH: "مادر", LEMMA: "مادر", NORM: "مادر", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "مادرش": [ + "مادرش": [ {ORTH: "مادر", LEMMA: "مادر", NORM: "مادر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مادرم": [ + "مادرم": [ {ORTH: "مادر", LEMMA: "مادر", NORM: "مادر", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "ماست": [ + "ماست": [ {ORTH: "ما", LEMMA: "ما", NORM: "ما", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "مالی‌اش": [ + "مالی‌اش": [ {ORTH: "مالی‌", LEMMA: "مالی‌", NORM: "مالی‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "ماهیتش": [ + "ماهیتش": [ {ORTH: "ماهیت", LEMMA: "ماهیت", NORM: "ماهیت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مایی": [ + "مایی": [ {ORTH: "ما", LEMMA: "ما", NORM: "ما", TAG: "NOUN"}, {ORTH: "یی", LEMMA: "یی", NORM: "یی", TAG: "VERB"}], - "مجازاتش": [ + "مجازاتش": [ {ORTH: "مجازات", LEMMA: "مجازات", NORM: "مجازات", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مجبورند": [ + "مجبورند": [ {ORTH: "مجبور", LEMMA: "مجبور", NORM: "مجبور", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "محتاجند": [ + "محتاجند": [ {ORTH: "محتاج", LEMMA: "محتاج", NORM: "محتاج", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "محرمم": [ + "محرمم": [ {ORTH: "محرم", LEMMA: "محرم", NORM: "محرم", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "SCONJ"}], - "محلش": [ + "محلش": [ {ORTH: "محل", LEMMA: "محل", NORM: "محل", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مخالفند": [ + "مخالفند": [ {ORTH: "مخالف", LEMMA: "مخالف", NORM: "مخالف", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "مخدرش": [ + "مخدرش": [ {ORTH: "مخدر", LEMMA: "مخدر", NORM: "مخدر", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مدتهاست": [ + "مدتهاست": [ {ORTH: "مدتها", LEMMA: "مدتها", NORM: "مدتها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "مدرسه‌ات": [ + "مدرسه‌ات": [ {ORTH: "مدرسه", LEMMA: "مدرسه", NORM: "مدرسه", TAG: "NOUN"}, {ORTH: "‌ات", LEMMA: "ات", NORM: "ات", TAG: "NOUN"}], - "مدرکم": [ + "مدرکم": [ {ORTH: "مدرک", LEMMA: "مدرک", NORM: "مدرک", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "مدیرانش": [ + "مدیرانش": [ {ORTH: "مدیران", LEMMA: "مدیران", NORM: "مدیران", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مدیونم": [ + "مدیونم": [ {ORTH: "مدیون", LEMMA: "مدیون", NORM: "مدیون", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "VERB"}], - "مذهبی‌اند": [ + "مذهبی‌اند": [ {ORTH: "مذهبی‌", LEMMA: "مذهبی‌", NORM: "مذهبی‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "مرا": [ + "مرا": [ {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}, {ORTH: "را", LEMMA: "را", NORM: "را", TAG: "PART"}], - "مرادت": [ + "مرادت": [ {ORTH: "مراد", LEMMA: "مراد", NORM: "مراد", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "مردمشان": [ + "مردمشان": [ {ORTH: "مردم", LEMMA: "مردم", NORM: "مردم", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "مردمند": [ + "مردمند": [ {ORTH: "مردم", LEMMA: "مردم", NORM: "مردم", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "مردم‌اند": [ + "مردم‌اند": [ {ORTH: "مردم‌", LEMMA: "مردم‌", NORM: "مردم‌", TAG: "NOUN"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "مرزشان": [ + "مرزشان": [ {ORTH: "مرز", LEMMA: "مرز", NORM: "مرز", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "مرزهاشان": [ + "مرزهاشان": [ {ORTH: "مرزها", LEMMA: "مرزها", NORM: "مرزها", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "مزدورش": [ + "مزدورش": [ {ORTH: "مزدور", LEMMA: "مزدور", NORM: "مزدور", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مسئولیتش": [ + "مسئولیتش": [ {ORTH: "مسئولیت", LEMMA: "مسئولیت", NORM: "مسئولیت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مسائلش": [ + "مسائلش": [ {ORTH: "مسائل", LEMMA: "مسائل", NORM: "مسائل", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مستحضرید": [ + "مستحضرید": [ {ORTH: "مستحضر", LEMMA: "مستحضر", NORM: "مستحضر", TAG: "ADJ"}, {ORTH: "ید", LEMMA: "ید", NORM: "ید", TAG: "VERB"}], - "مسلمانم": [ + "مسلمانم": [ {ORTH: "مسلمان", LEMMA: "مسلمان", NORM: "مسلمان", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "VERB"}], - "مسلمانند": [ + "مسلمانند": [ {ORTH: "مسلمان", LEMMA: "مسلمان", NORM: "مسلمان", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "مشتریانش": [ + "مشتریانش": [ {ORTH: "مشتریان", LEMMA: "مشتریان", NORM: "مشتریان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مشتهایمان": [ + "مشتهایمان": [ {ORTH: "مشتهای", LEMMA: "مشتهای", NORM: "مشتهای", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "مشخصند": [ + "مشخصند": [ {ORTH: "مشخص", LEMMA: "مشخص", NORM: "مشخص", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "مشغولند": [ + "مشغولند": [ {ORTH: "مشغول", LEMMA: "مشغول", NORM: "مشغول", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "مشغولیم": [ + "مشغولیم": [ {ORTH: "مشغول", LEMMA: "مشغول", NORM: "مشغول", TAG: "ADJ"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "VERB"}], - "مشهورش": [ + "مشهورش": [ {ORTH: "مشهور", LEMMA: "مشهور", NORM: "مشهور", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مشکلاتشان": [ + "مشکلاتشان": [ {ORTH: "مشکلات", LEMMA: "مشکلات", NORM: "مشکلات", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "مشکلم": [ + "مشکلم": [ {ORTH: "مشکل", LEMMA: "مشکل", NORM: "مشکل", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "مطمئنم": [ + "مطمئنم": [ {ORTH: "مطمئن", LEMMA: "مطمئن", NORM: "مطمئن", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "VERB"}], - "معامله‌مان": [ + "معامله‌مان": [ {ORTH: "معامله‌", LEMMA: "معامله‌", NORM: "معامله‌", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "معتقدم": [ + "معتقدم": [ {ORTH: "معتقد", LEMMA: "معتقد", NORM: "معتقد", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "VERB"}], - "معتقدند": [ + "معتقدند": [ {ORTH: "معتقد", LEMMA: "معتقد", NORM: "معتقد", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "معتقدیم": [ + "معتقدیم": [ {ORTH: "معتقد", LEMMA: "معتقد", NORM: "معتقد", TAG: "ADJ"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "VERB"}], - "معرفی‌اش": [ + "معرفی‌اش": [ {ORTH: "معرفی‌", LEMMA: "معرفی‌", NORM: "معرفی‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "معروفش": [ + "معروفش": [ {ORTH: "معروف", LEMMA: "معروف", NORM: "معروف", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "معضلاتمان": [ + "معضلاتمان": [ {ORTH: "معضلات", LEMMA: "معضلات", NORM: "معضلات", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "معلمش": [ + "معلمش": [ {ORTH: "معلم", LEMMA: "معلم", NORM: "معلم", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "معنایش": [ + "معنایش": [ {ORTH: "معنای", LEMMA: "معنای", NORM: "معنای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مغزشان": [ + "مغزشان": [ {ORTH: "مغز", LEMMA: "مغز", NORM: "مغز", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "مفیدند": [ + "مفیدند": [ {ORTH: "مفید", LEMMA: "مفید", NORM: "مفید", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "مقابلش": [ + "مقابلش": [ {ORTH: "مقابل", LEMMA: "مقابل", NORM: "مقابل", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مقاله‌اش": [ + "مقاله‌اش": [ {ORTH: "مقاله‌", LEMMA: "مقاله‌", NORM: "مقاله‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "مقدمش": [ + "مقدمش": [ {ORTH: "مقدم", LEMMA: "مقدم", NORM: "مقدم", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مقرش": [ + "مقرش": [ {ORTH: "مقر", LEMMA: "مقر", NORM: "مقر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مقصدشان": [ + "مقصدشان": [ {ORTH: "مقصد", LEMMA: "مقصد", NORM: "مقصد", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "مقصرند": [ + "مقصرند": [ {ORTH: "مقصر", LEMMA: "مقصر", NORM: "مقصر", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "مقصودتان": [ + "مقصودتان": [ {ORTH: "مقصود", LEMMA: "مقصود", NORM: "مقصود", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "ملاقاتهایش": [ + "ملاقاتهایش": [ {ORTH: "ملاقاتهای", LEMMA: "ملاقاتهای", NORM: "ملاقاتهای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "ممکنشان": [ + "ممکنشان": [ {ORTH: "ممکن", LEMMA: "ممکن", NORM: "ممکن", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "ممیزیهاست": [ + "ممیزیهاست": [ {ORTH: "ممیزیها", LEMMA: "ممیزیها", NORM: "ممیزیها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "منظورم": [ + "منظورم": [ {ORTH: "منظور", LEMMA: "منظور", NORM: "منظور", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "منی": [ + "منی": [ {ORTH: "من", LEMMA: "من", NORM: "من", TAG: "NOUN"}, {ORTH: "ی", LEMMA: "ی", NORM: "ی", TAG: "VERB"}], - "منید": [ + "منید": [ {ORTH: "من", LEMMA: "من", NORM: "من", TAG: "NOUN"}, {ORTH: "ید", LEMMA: "ید", NORM: "ید", TAG: "VERB"}], - "مهربانش": [ + "مهربانش": [ {ORTH: "مهربان", LEMMA: "مهربان", NORM: "مهربان", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "مهم‌اند": [ + "مهم‌اند": [ {ORTH: "مهم‌", LEMMA: "مهم‌", NORM: "مهم‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "مواجهند": [ + "مواجهند": [ {ORTH: "مواجه", LEMMA: "مواجه", NORM: "مواجه", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "مواجه‌اند": [ + "مواجه‌اند": [ {ORTH: "مواجه‌", LEMMA: "مواجه‌", NORM: "مواجه‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "مواخذه‌ات": [ + "مواخذه‌ات": [ {ORTH: "مواخذه", LEMMA: "مواخذه", NORM: "مواخذه", TAG: "NOUN"}, {ORTH: "‌ات", LEMMA: "ات", NORM: "ات", TAG: "NOUN"}], - "مواضعشان": [ + "مواضعشان": [ {ORTH: "مواضع", LEMMA: "مواضع", NORM: "مواضع", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "مواضعمان": [ + "مواضعمان": [ {ORTH: "مواضع", LEMMA: "مواضع", NORM: "مواضع", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "موافقند": [ + "موافقند": [ {ORTH: "موافق", LEMMA: "موافق", NORM: "موافق", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "موجوداتش": [ + "موجوداتش": [ {ORTH: "موجودات", LEMMA: "موجودات", NORM: "موجودات", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "موجودند": [ + "موجودند": [ {ORTH: "موجود", LEMMA: "موجود", NORM: "موجود", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "موردش": [ + "موردش": [ {ORTH: "مورد", LEMMA: "مورد", NORM: "مورد", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "موضعشان": [ + "موضعشان": [ {ORTH: "موضع", LEMMA: "موضع", NORM: "موضع", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "موظفند": [ + "موظفند": [ {ORTH: "موظف", LEMMA: "موظف", NORM: "موظف", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "موهایش": [ + "موهایش": [ {ORTH: "موهای", LEMMA: "موهای", NORM: "موهای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "موهایمان": [ + "موهایمان": [ {ORTH: "موهای", LEMMA: "موهای", NORM: "موهای", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "مویم": [ + "مویم": [ {ORTH: "مو", LEMMA: "مو", NORM: "مو", TAG: "NOUN"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "NOUN"}], - "ناخرسندند": [ + "ناخرسندند": [ {ORTH: "ناخرسند", LEMMA: "ناخرسند", NORM: "ناخرسند", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "ناراحتیش": [ + "ناراحتیش": [ {ORTH: "ناراحتی", LEMMA: "ناراحتی", NORM: "ناراحتی", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "ناراضی‌اند": [ + "ناراضی‌اند": [ {ORTH: "ناراضی‌", LEMMA: "ناراضی‌", NORM: "ناراضی‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "نارواست": [ + "نارواست": [ {ORTH: "ناروا", LEMMA: "ناروا", NORM: "ناروا", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "نازش": [ + "نازش": [ {ORTH: "ناز", LEMMA: "ناز", NORM: "ناز", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "نامش": [ + "نامش": [ {ORTH: "نام", LEMMA: "نام", NORM: "نام", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "نامشان": [ + "نامشان": [ {ORTH: "نام", LEMMA: "نام", NORM: "نام", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "نامم": [ + "نامم": [ {ORTH: "نام", LEMMA: "نام", NORM: "نام", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "نامه‌ات": [ + "نامه‌ات": [ {ORTH: "نامه", LEMMA: "نامه", NORM: "نامه", TAG: "NOUN"}, {ORTH: "‌ات", LEMMA: "ات", NORM: "ات", TAG: "NOUN"}], - "نامه‌ام": [ + "نامه‌ام": [ {ORTH: "نامه‌", LEMMA: "نامه‌", NORM: "نامه‌", TAG: "NOUN"}, {ORTH: "ام", LEMMA: "ام", NORM: "ام", TAG: "NOUN"}], - "ناچارم": [ + "ناچارم": [ {ORTH: "ناچار", LEMMA: "ناچار", NORM: "ناچار", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "VERB"}], - "نخست‌وزیری‌اش": [ + "نخست‌وزیری‌اش": [ {ORTH: "نخست‌وزیری‌", LEMMA: "نخست‌وزیری‌", NORM: "نخست‌وزیری‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "نزدش": [ + "نزدش": [ {ORTH: "نزد", LEMMA: "نزد", NORM: "نزد", TAG: "ADP"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "نشانم": [ + "نشانم": [ {ORTH: "نشان", LEMMA: "نشان", NORM: "نشان", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "نظرات‌شان": [ + "نظرات‌شان": [ {ORTH: "نظرات‌", LEMMA: "نظرات‌", NORM: "نظرات‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "نظرتان": [ + "نظرتان": [ {ORTH: "نظر", LEMMA: "نظر", NORM: "نظر", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "نظرش": [ + "نظرش": [ {ORTH: "نظر", LEMMA: "نظر", NORM: "نظر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "نظرشان": [ + "نظرشان": [ {ORTH: "نظر", LEMMA: "نظر", NORM: "نظر", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "نظرم": [ + "نظرم": [ {ORTH: "نظر", LEMMA: "نظر", NORM: "نظر", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "نظرهایشان": [ + "نظرهایشان": [ {ORTH: "نظرهای", LEMMA: "نظرهای", NORM: "نظرهای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "نفاقش": [ + "نفاقش": [ {ORTH: "نفاق", LEMMA: "نفاق", NORM: "نفاق", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "نفرند": [ + "نفرند": [ {ORTH: "نفر", LEMMA: "نفر", NORM: "نفر", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "نفوذیند": [ + "نفوذیند": [ {ORTH: "نفوذی", LEMMA: "نفوذی", NORM: "نفوذی", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "نقطه‌نظراتتان": [ + "نقطه‌نظراتتان": [ {ORTH: "نقطه‌نظرات", LEMMA: "نقطه‌نظرات", NORM: "نقطه‌نظرات", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "نمایشی‌مان": [ + "نمایشی‌مان": [ {ORTH: "نمایشی‌", LEMMA: "نمایشی‌", NORM: "نمایشی‌", TAG: "ADJ"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "نمایندگی‌شان": [ + "نمایندگی‌شان": [ {ORTH: "نمایندگی‌", LEMMA: "نمایندگی‌", NORM: "نمایندگی‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "نمونه‌اش": [ + "نمونه‌اش": [ {ORTH: "نمونه‌", LEMMA: "نمونه‌", NORM: "نمونه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "نمی‌پذیرندش": [ + "نمی‌پذیرندش": [ {ORTH: "نمی‌پذیرند", LEMMA: "نمی‌پذیرند", NORM: "نمی‌پذیرند", TAG: "VERB"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "نوآوری‌اش": [ + "نوآوری‌اش": [ {ORTH: "نوآوری‌", LEMMA: "نوآوری‌", NORM: "نوآوری‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "نوشته‌هایشان": [ + "نوشته‌هایشان": [ {ORTH: "نوشته‌های", LEMMA: "نوشته‌های", NORM: "نوشته‌های", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "نوشته‌هایم": [ + "نوشته‌هایم": [ {ORTH: "نوشته‌ها", LEMMA: "نوشته‌ها", NORM: "نوشته‌ها", TAG: "NOUN"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "NOUN"}], - "نکردنشان": [ + "نکردنشان": [ {ORTH: "نکردن", LEMMA: "نکردن", NORM: "نکردن", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "نگاهداری‌شان": [ + "نگاهداری‌شان": [ {ORTH: "نگاهداری‌", LEMMA: "نگاهداری‌", NORM: "نگاهداری‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "نگاهش": [ + "نگاهش": [ {ORTH: "نگاه", LEMMA: "نگاه", NORM: "نگاه", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "نگرانم": [ + "نگرانم": [ {ORTH: "نگران", LEMMA: "نگران", NORM: "نگران", TAG: "ADJ"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "VERB"}], - "نگرشهایشان": [ + "نگرشهایشان": [ {ORTH: "نگرشهای", LEMMA: "نگرشهای", NORM: "نگرشهای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "نیازمندند": [ + "نیازمندند": [ {ORTH: "نیازمند", LEMMA: "نیازمند", NORM: "نیازمند", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "هدفش": [ + "هدفش": [ {ORTH: "هدف", LEMMA: "هدف", NORM: "هدف", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "همانست": [ + "همانست": [ {ORTH: "همان", LEMMA: "همان", NORM: "همان", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "همراهش": [ + "همراهش": [ {ORTH: "همراه", LEMMA: "همراه", NORM: "همراه", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "همسرتان": [ + "همسرتان": [ {ORTH: "همسر", LEMMA: "همسر", NORM: "همسر", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "همسرش": [ + "همسرش": [ {ORTH: "همسر", LEMMA: "همسر", NORM: "همسر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "همسرم": [ + "همسرم": [ {ORTH: "همسر", LEMMA: "همسر", NORM: "همسر", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "همفکرانش": [ + "همفکرانش": [ {ORTH: "همفکران", LEMMA: "همفکران", NORM: "همفکران", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "همه‌اش": [ + "همه‌اش": [ {ORTH: "همه‌", LEMMA: "همه‌", NORM: "همه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "همه‌شان": [ + "همه‌شان": [ {ORTH: "همه‌", LEMMA: "همه‌", NORM: "همه‌", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "همکارانش": [ + "همکارانش": [ {ORTH: "همکاران", LEMMA: "همکاران", NORM: "همکاران", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "هم‌نظریم": [ + "هم‌نظریم": [ {ORTH: "هم‌نظر", LEMMA: "هم‌نظر", NORM: "هم‌نظر", TAG: "ADJ"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "VERB"}], - "هنرش": [ + "هنرش": [ {ORTH: "هنر", LEMMA: "هنر", NORM: "هنر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "هواست": [ + "هواست": [ {ORTH: "هوا", LEMMA: "هوا", NORM: "هوا", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "هویتش": [ + "هویتش": [ {ORTH: "هویت", LEMMA: "هویت", NORM: "هویت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "وابسته‌اند": [ + "وابسته‌اند": [ {ORTH: "وابسته‌", LEMMA: "وابسته‌", NORM: "وابسته‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "واقفند": [ + "واقفند": [ {ORTH: "واقف", LEMMA: "واقف", NORM: "واقف", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "والدینشان": [ + "والدینشان": [ {ORTH: "والدین", LEMMA: "والدین", NORM: "والدین", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "وجدان‌تان": [ + "وجدان‌تان": [ {ORTH: "وجدان‌", LEMMA: "وجدان‌", NORM: "وجدان‌", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "وجودشان": [ + "وجودشان": [ {ORTH: "وجود", LEMMA: "وجود", NORM: "وجود", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "وطنم": [ + "وطنم": [ {ORTH: "وطن", LEMMA: "وطن", NORM: "وطن", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "وعده‌اش": [ + "وعده‌اش": [ {ORTH: "وعده‌", LEMMA: "وعده‌", NORM: "وعده‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "وقتمان": [ + "وقتمان": [ {ORTH: "وقت", LEMMA: "وقت", NORM: "وقت", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "ولادتش": [ + "ولادتش": [ {ORTH: "ولادت", LEMMA: "ولادت", NORM: "ولادت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پایانش": [ + "پایانش": [ {ORTH: "پایان", LEMMA: "پایان", NORM: "پایان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پایش": [ + "پایش": [ {ORTH: "پای", LEMMA: "پای", NORM: "پای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پایین‌ترند": [ + "پایین‌ترند": [ {ORTH: "پایین‌تر", LEMMA: "پایین‌تر", NORM: "پایین‌تر", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "پدرت": [ + "پدرت": [ {ORTH: "پدر", LEMMA: "پدر", NORM: "پدر", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "پدرش": [ + "پدرش": [ {ORTH: "پدر", LEMMA: "پدر", NORM: "پدر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پدرشان": [ + "پدرشان": [ {ORTH: "پدر", LEMMA: "پدر", NORM: "پدر", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "پدرم": [ + "پدرم": [ {ORTH: "پدر", LEMMA: "پدر", NORM: "پدر", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "پربارش": [ + "پربارش": [ {ORTH: "پربار", LEMMA: "پربار", NORM: "پربار", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پروردگارت": [ + "پروردگارت": [ {ORTH: "پروردگار", LEMMA: "پروردگار", NORM: "پروردگار", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "پسرتان": [ + "پسرتان": [ {ORTH: "پسر", LEMMA: "پسر", NORM: "پسر", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "پسرش": [ + "پسرش": [ {ORTH: "پسر", LEMMA: "پسر", NORM: "پسر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پسرعمویش": [ + "پسرعمویش": [ {ORTH: "پسرعموی", LEMMA: "پسرعموی", NORM: "پسرعموی", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پسر‌عمویت": [ + "پسر‌عمویت": [ {ORTH: "پسر‌عموی", LEMMA: "پسر‌عموی", NORM: "پسر‌عموی", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "پشتش": [ + "پشتش": [ {ORTH: "پشت", LEMMA: "پشت", NORM: "پشت", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پشیمونی": [ + "پشیمونی": [ {ORTH: "پشیمون", LEMMA: "پشیمون", NORM: "پشیمون", TAG: "ADJ"}, {ORTH: "ی", LEMMA: "ی", NORM: "ی", TAG: "VERB"}], - "پولش": [ + "پولش": [ {ORTH: "پول", LEMMA: "پول", NORM: "پول", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پژوهش‌هایش": [ + "پژوهش‌هایش": [ {ORTH: "پژوهش‌های", LEMMA: "پژوهش‌های", NORM: "پژوهش‌های", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پیامبرش": [ + "پیامبرش": [ {ORTH: "پیامبر", LEMMA: "پیامبر", NORM: "پیامبر", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پیامبری": [ + "پیامبری": [ {ORTH: "پیامبر", LEMMA: "پیامبر", NORM: "پیامبر", TAG: "NOUN"}, {ORTH: "ی", LEMMA: "ی", NORM: "ی", TAG: "VERB"}], - "پیامش": [ + "پیامش": [ {ORTH: "پیام", LEMMA: "پیام", NORM: "پیام", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پیداست": [ + "پیداست": [ {ORTH: "پیدا", LEMMA: "پیدا", NORM: "پیدا", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "پیراهنش": [ + "پیراهنش": [ {ORTH: "پیراهن", LEMMA: "پیراهن", NORM: "پیراهن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پیروانش": [ + "پیروانش": [ {ORTH: "پیروان", LEMMA: "پیروان", NORM: "پیروان", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "پیشانی‌اش": [ + "پیشانی‌اش": [ {ORTH: "پیشانی‌", LEMMA: "پیشانی‌", NORM: "پیشانی‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "پیمانت": [ + "پیمانت": [ {ORTH: "پیمان", LEMMA: "پیمان", NORM: "پیمان", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "پیوندشان": [ + "پیوندشان": [ {ORTH: "پیوند", LEMMA: "پیوند", NORM: "پیوند", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "چاپش": [ + "چاپش": [ {ORTH: "چاپ", LEMMA: "چاپ", NORM: "چاپ", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "چت": [ + "چت": [ {ORTH: "چ", LEMMA: "چ", NORM: "چ", TAG: "ADV"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "چته": [ + "چته": [ {ORTH: "چ", LEMMA: "چ", NORM: "چ", TAG: "ADV"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}, {ORTH: "ه", LEMMA: "ه", NORM: "ه", TAG: "VERB"}], - "چرخ‌هایش": [ + "چرخ‌هایش": [ {ORTH: "چرخ‌های", LEMMA: "چرخ‌های", NORM: "چرخ‌های", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "چشمم": [ + "چشمم": [ {ORTH: "چشم", LEMMA: "چشم", NORM: "چشم", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "چشمهایش": [ + "چشمهایش": [ {ORTH: "چشمهای", LEMMA: "چشمهای", NORM: "چشمهای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "چشمهایشان": [ + "چشمهایشان": [ {ORTH: "چشمهای", LEMMA: "چشمهای", NORM: "چشمهای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "چمنم": [ + "چمنم": [ {ORTH: "چمن", LEMMA: "چمن", NORM: "چمن", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "چهره‌اش": [ + "چهره‌اش": [ {ORTH: "چهره‌", LEMMA: "چهره‌", NORM: "چهره‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "چکاره‌اند": [ + "چکاره‌اند": [ {ORTH: "چکاره‌", LEMMA: "چکاره‌", NORM: "چکاره‌", TAG: "ADV"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "چیزهاست": [ + "چیزهاست": [ {ORTH: "چیزها", LEMMA: "چیزها", NORM: "چیزها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "چیزهایش": [ + "چیزهایش": [ {ORTH: "چیزهای", LEMMA: "چیزهای", NORM: "چیزهای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "چیزیست": [ + "چیزیست": [ {ORTH: "چیزی", LEMMA: "چیزی", NORM: "چیزی", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "چیست": [ + "چیست": [ {ORTH: "چی", LEMMA: "چی", NORM: "چی", TAG: "ADV"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "کارش": [ + "کارش": [ {ORTH: "کار", LEMMA: "کار", NORM: "کار", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "کارشان": [ + "کارشان": [ {ORTH: "کار", LEMMA: "کار", NORM: "کار", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "کارم": [ + "کارم": [ {ORTH: "کار", LEMMA: "کار", NORM: "کار", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "کارند": [ + "کارند": [ {ORTH: "کار", LEMMA: "کار", NORM: "کار", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "کارهایم": [ + "کارهایم": [ {ORTH: "کارها", LEMMA: "کارها", NORM: "کارها", TAG: "NOUN"}, {ORTH: "یم", LEMMA: "یم", NORM: "یم", TAG: "NOUN"}], - "کافیست": [ + "کافیست": [ {ORTH: "کافی", LEMMA: "کافی", NORM: "کافی", TAG: "ADJ"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "کتابخانه‌اش": [ + "کتابخانه‌اش": [ {ORTH: "کتابخانه‌", LEMMA: "کتابخانه‌", NORM: "کتابخانه‌", TAG: "NOUN"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "کتابش": [ + "کتابش": [ {ORTH: "کتاب", LEMMA: "کتاب", NORM: "کتاب", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "کتابهاشان": [ + "کتابهاشان": [ {ORTH: "کتابها", LEMMA: "کتابها", NORM: "کتابها", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "کجاست": [ + "کجاست": [ {ORTH: "کجا", LEMMA: "کجا", NORM: "کجا", TAG: "ADV"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "کدورتهایشان": [ + "کدورتهایشان": [ {ORTH: "کدورتهای", LEMMA: "کدورتهای", NORM: "کدورتهای", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "کردنش": [ + "کردنش": [ {ORTH: "کردن", LEMMA: "کردن", NORM: "کردن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "کرم‌خورده‌اش": [ + "کرم‌خورده‌اش": [ {ORTH: "کرم‌خورده‌", LEMMA: "کرم‌خورده‌", NORM: "کرم‌خورده‌", TAG: "ADJ"}, {ORTH: "اش", LEMMA: "اش", NORM: "اش", TAG: "NOUN"}], - "کشش": [ + "کشش": [ {ORTH: "کش", LEMMA: "کش", NORM: "کش", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "کشورش": [ + "کشورش": [ {ORTH: "کشور", LEMMA: "کشور", NORM: "کشور", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "کشورشان": [ + "کشورشان": [ {ORTH: "کشور", LEMMA: "کشور", NORM: "کشور", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "کشورمان": [ + "کشورمان": [ {ORTH: "کشور", LEMMA: "کشور", NORM: "کشور", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "کشورهاست": [ + "کشورهاست": [ {ORTH: "کشورها", LEMMA: "کشورها", NORM: "کشورها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "کلیشه‌هاست": [ + "کلیشه‌هاست": [ {ORTH: "کلیشه‌ها", LEMMA: "کلیشه‌ها", NORM: "کلیشه‌ها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "کمبودهاست": [ + "کمبودهاست": [ {ORTH: "کمبودها", LEMMA: "کمبودها", NORM: "کمبودها", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "کمتره": [ + "کمتره": [ {ORTH: "کمتر", LEMMA: "کمتر", NORM: "کمتر", TAG: "ADJ"}, {ORTH: "ه", LEMMA: "ه", NORM: "ه", TAG: "VERB"}], - "کمکم": [ + "کمکم": [ {ORTH: "کمک", LEMMA: "کمک", NORM: "کمک", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "کنارش": [ + "کنارش": [ {ORTH: "کنار", LEMMA: "کنار", NORM: "کنار", TAG: "ADP"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "کودکانشان": [ + "کودکانشان": [ {ORTH: "کودکان", LEMMA: "کودکان", NORM: "کودکان", TAG: "NOUN"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "کوچکش": [ + "کوچکش": [ {ORTH: "کوچک", LEMMA: "کوچک", NORM: "کوچک", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "کیست": [ + "کیست": [ {ORTH: "کی", LEMMA: "کی", NORM: "کی", TAG: "NOUN"}, {ORTH: "ست", LEMMA: "ست", NORM: "ست", TAG: "VERB"}], - "کیفش": [ + "کیفش": [ {ORTH: "کیف", LEMMA: "کیف", NORM: "کیف", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "گذشته‌اند": [ + "گذشته‌اند": [ {ORTH: "گذشته‌", LEMMA: "گذشته‌", NORM: "گذشته‌", TAG: "ADJ"}, {ORTH: "اند", LEMMA: "اند", NORM: "اند", TAG: "VERB"}], - "گرانقدرش": [ + "گرانقدرش": [ {ORTH: "گرانقدر", LEMMA: "گرانقدر", NORM: "گرانقدر", TAG: "ADJ"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "گرانقدرشان": [ + "گرانقدرشان": [ {ORTH: "گرانقدر", LEMMA: "گرانقدر", NORM: "گرانقدر", TAG: "ADJ"}, {ORTH: "شان", LEMMA: "شان", NORM: "شان", TAG: "NOUN"}], - "گردنتان": [ + "گردنتان": [ {ORTH: "گردن", LEMMA: "گردن", NORM: "گردن", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "گردنش": [ + "گردنش": [ {ORTH: "گردن", LEMMA: "گردن", NORM: "گردن", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "گرفتارند": [ + "گرفتارند": [ {ORTH: "گرفتار", LEMMA: "گرفتار", NORM: "گرفتار", TAG: "ADJ"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "گرفتنت": [ + "گرفتنت": [ {ORTH: "گرفتن", LEMMA: "گرفتن", NORM: "گرفتن", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "گروهند": [ + "گروهند": [ {ORTH: "گروه", LEMMA: "گروه", NORM: "گروه", TAG: "NOUN"}, {ORTH: "ند", LEMMA: "ند", NORM: "ند", TAG: "VERB"}], - "گروگانهایش": [ + "گروگانهایش": [ {ORTH: "گروگانهای", LEMMA: "گروگانهای", NORM: "گروگانهای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "گریمش": [ + "گریمش": [ {ORTH: "گریم", LEMMA: "گریم", NORM: "گریم", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "گفتارمان": [ + "گفتارمان": [ {ORTH: "گفتار", LEMMA: "گفتار", NORM: "گفتار", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "گلهایش": [ + "گلهایش": [ {ORTH: "گلهای", LEMMA: "گلهای", NORM: "گلهای", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "گلویش": [ + "گلویش": [ {ORTH: "گلوی", LEMMA: "گلوی", NORM: "گلوی", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "گناهت": [ + "گناهت": [ {ORTH: "گناه", LEMMA: "گناه", NORM: "گناه", TAG: "NOUN"}, {ORTH: "ت", LEMMA: "ت", NORM: "ت", TAG: "NOUN"}], - "گوشش": [ + "گوشش": [ {ORTH: "گوش", LEMMA: "گوش", NORM: "گوش", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "گوشم": [ + "گوشم": [ {ORTH: "گوش", LEMMA: "گوش", NORM: "گوش", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "گولش": [ + "گولش": [ {ORTH: "گول", LEMMA: "گول", NORM: "گول", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], - "یادتان": [ + "یادتان": [ {ORTH: "یاد", LEMMA: "یاد", NORM: "یاد", TAG: "NOUN"}, {ORTH: "تان", LEMMA: "تان", NORM: "تان", TAG: "NOUN"}], - "یادم": [ + "یادم": [ {ORTH: "یاد", LEMMA: "یاد", NORM: "یاد", TAG: "NOUN"}, {ORTH: "م", LEMMA: "م", NORM: "م", TAG: "NOUN"}], - "یادمان": [ + "یادمان": [ {ORTH: "یاد", LEMMA: "یاد", NORM: "یاد", TAG: "NOUN"}, {ORTH: "مان", LEMMA: "مان", NORM: "مان", TAG: "NOUN"}], - "یارانش": [ + "یارانش": [ {ORTH: "یاران", LEMMA: "یاران", NORM: "یاران", TAG: "NOUN"}, {ORTH: "ش", LEMMA: "ش", NORM: "ش", TAG: "NOUN"}], }) -TOKENIZER_EXCEPTIONS = _exc \ No newline at end of file +TOKENIZER_EXCEPTIONS = _exc diff --git a/spacy/lang/fi/__init__.py b/spacy/lang/fi/__init__.py index 7f74495c5..6debe999c 100644 --- a/spacy/lang/fi/__init__.py +++ b/spacy/lang/fi/__init__.py @@ -13,15 +13,17 @@ from ...util import update_exc, add_lookups class FinnishDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'fi' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "fi" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS class Finnish(Language): - lang = 'fi' + lang = "fi" Defaults = FinnishDefaults -__all__ = ['Finnish'] +__all__ = ["Finnish"] diff --git a/spacy/lang/fi/examples.py b/spacy/lang/fi/examples.py index 3b82326f8..88be248a6 100644 --- a/spacy/lang/fi/examples.py +++ b/spacy/lang/fi/examples.py @@ -14,5 +14,5 @@ sentences = [ "Missä sinä olet?", "Mikä on Yhdysvaltojen pääkaupunki?", "Kuka on Suomen presidentti?", - "Milloin Sauli Niinistö on syntynyt?" + "Milloin Sauli Niinistö on syntynyt?", ] diff --git a/spacy/lang/fi/lex_attrs.py b/spacy/lang/fi/lex_attrs.py index f31be28f8..97c876837 100644 --- a/spacy/lang/fi/lex_attrs.py +++ b/spacy/lang/fi/lex_attrs.py @@ -1,28 +1,58 @@ # coding: utf8 from __future__ import unicode_literals -# import the symbols for the attrs you want to overwrite from ...attrs import LIKE_NUM -# check if token resembles a number -_num_words = ['nolla', 'yksi', 'kaksi', 'kolme', 'neljä', 'viisi', 'kuusi', 'seitsemän', 'kahdeksan', 'yhdeksän', 'kymmenen', 'yksitoista', 'kaksitoista', 'kolmetoista' 'neljätoista', 'viisitoista', 'kuusitoista', 'seitsemäntoista', 'kahdeksantoista', 'yhdeksäntoista', 'kaksikymmentä', 'kolmekymmentä', 'neljäkymmentä', 'viisikymmentä', 'kuusikymmentä'v, 'seitsemänkymmentä', 'kahdeksankymmentä', 'yhdeksänkymmentä', 'sata', 'tuhat', 'miljoona', 'miljardi', 'triljoona'] +_num_words = [ + "nolla", + "yksi", + "kaksi", + "kolme", + "neljä", + "viisi", + "kuusi", + "seitsemän", + "kahdeksan", + "yhdeksän", + "kymmenen", + "yksitoista", + "kaksitoista", + "kolmetoista" "neljätoista", + "viisitoista", + "kuusitoista", + "seitsemäntoista", + "kahdeksantoista", + "yhdeksäntoista", + "kaksikymmentä", + "kolmekymmentä", + "neljäkymmentä", + "viisikymmentä", + "kuusikymmentä", + "seitsemänkymmentä", + "kahdeksankymmentä", + "yhdeksänkymmentä", + "sata", + "tuhat", + "miljoona", + "miljardi", + "triljoona", +] def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace('.', '').replace(',', '') + text = text.replace(".", "").replace(",", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text in _num_words: return True return False -LEX_ATTRS = { - LIKE_NUM: like_num -} + +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/fi/stop_words.py b/spacy/lang/fi/stop_words.py index 302320596..e8e39ec6f 100644 --- a/spacy/lang/fi/stop_words.py +++ b/spacy/lang/fi/stop_words.py @@ -4,9 +4,8 @@ from __future__ import unicode_literals # Source https://github.com/stopwords-iso/stopwords-fi/blob/master/stopwords-fi.txt # Reformatted with some minor corrections - -STOP_WORDS = set(""" - +STOP_WORDS = set( + """ aiemmin aika aikaa aikaan aikaisemmin aikaisin aikana aikoina aikoo aikovat aina ainakaan ainakin ainoa ainoat aiomme aion aiotte aivan ajan alas alemmas alkuisin alkuun alla alle aloitamme aloitan aloitat aloitatte aloitattivat @@ -111,5 +110,5 @@ yhtäällä yhtäältä yhtään yhä yksi yksin yksittäin yleensä ylemmäs yl ympäri älköön älä - -""".split()) +""".split() +) diff --git a/spacy/lang/fi/tokenizer_exceptions.py b/spacy/lang/fi/tokenizer_exceptions.py index 88859fefb..d74deb22b 100644 --- a/spacy/lang/fi/tokenizer_exceptions.py +++ b/spacy/lang/fi/tokenizer_exceptions.py @@ -8,7 +8,6 @@ _exc = {} # Source https://www.cs.tut.fi/~jkorpela/kielenopas/5.5.html - for exc_data in [ {ORTH: "aik.", LEMMA: "aikaisempi"}, {ORTH: "alk.", LEMMA: "alkaen"}, @@ -72,7 +71,8 @@ for exc_data in [ {ORTH: "so.", LEMMA: "se on"}, {ORTH: "ts.", LEMMA: "toisin sanoen"}, {ORTH: "vm.", LEMMA: "viimeksi mainittu"}, - {ORTH: "srk.", LEMMA: "seurakunta"}]: + {ORTH: "srk.", LEMMA: "seurakunta"}, +]: _exc[exc_data[ORTH]] = [exc_data] diff --git a/spacy/lang/fr/__init__.py b/spacy/lang/fr/__init__.py index 1d18f6c2d..de7595130 100644 --- a/spacy/lang/fr/__init__.py +++ b/spacy/lang/fr/__init__.py @@ -20,8 +20,10 @@ from ...util import update_exc, add_lookups class FrenchDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[LANG] = lambda text: 'fr' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "fr" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) tag_map = TAG_MAP stop_words = STOP_WORDS @@ -29,21 +31,24 @@ class FrenchDefaults(Language.Defaults): suffixes = TOKENIZER_SUFFIXES token_match = TOKEN_MATCH syntax_iterators = SYNTAX_ITERATORS - - + @classmethod def create_lemmatizer(cls, nlp=None): lemma_rules = LEMMA_RULES lemma_index = LEMMA_INDEX lemma_exc = LEMMA_EXC lemma_lookup = LOOKUP - return FrenchLemmatizer(index=lemma_index, exceptions=lemma_exc, - rules=lemma_rules, lookup=lemma_lookup) + return FrenchLemmatizer( + index=lemma_index, + exceptions=lemma_exc, + rules=lemma_rules, + lookup=lemma_lookup, + ) class French(Language): - lang = 'fr' + lang = "fr" Defaults = FrenchDefaults -__all__ = ['French'] +__all__ = ["French"] diff --git a/spacy/lang/fr/examples.py b/spacy/lang/fr/examples.py index 08409ea61..d2f6a91d2 100644 --- a/spacy/lang/fr/examples.py +++ b/spacy/lang/fr/examples.py @@ -22,5 +22,5 @@ sentences = [ "Où es-tu ?", "Qui est le président de la France ?", "Où est la capitale des Etats-Unis ?", - "Quand est né Barack Obama ?" + "Quand est né Barack Obama ?", ] diff --git a/spacy/lang/fr/lemmatizer/_adjectives.py b/spacy/lang/fr/lemmatizer/_adjectives.py index 72ac96302..715801bad 100644 --- a/spacy/lang/fr/lemmatizer/_adjectives.py +++ b/spacy/lang/fr/lemmatizer/_adjectives.py @@ -2,600 +2,602 @@ from __future__ import unicode_literals -ADJECTIVES = set(""" - abaissant abaissé abandonné abasourdi abasourdissant abattu abcédant aberrant - abject abjurant aboli abondant abonné abordé abouti aboutissant abouté - abricoté abrité abrouti abrupt abruti abrutissant abruzzain absent absolu - absorbé abstinent abstrait abyssin abâtardi abêtissant abîmant abîmé acarpellé - accablé accalminé accaparant accastillant accentué acceptant accepté accidenté - accolé accombant accommodant accommodé accompagné accompli accordé accorné - accoudé accouplé accoutumé accrescent accroché accru accréditant accrédité - accueillant accumulé accusé accéléré acescent achalandé acharné achevé - acidulé aciéré acotylé acquitté activé acuminé acutangulé acutifolié acutilobé - adapté additionné additivé adextré adhérent adimensionné adiré adjacent - adjoint adjugé adjuvant administré admirant adné adolescent adoptant adopté - adossé adouci adoucissant adressé adroit adscrit adsorbant adultérin adéquat - affaibli affaiblissant affairé affamé affectionné affecté affermi affidé - affilé affin affligeant affluent affolant affolé affranchi affriolant affronté - affété affûté afghan africain agaillardi agatin agatisé agaçant agglomérant - agglutinant agglutiné aggravant agissant agitant agité agminé agnat agonisant - agrafé agrandi agressé agrippant agrégé agréé aguichant ahanant ahuri - aigretté aigri aigrissant aiguilleté aiguisé ailé aimant aimanté aimé ajourné - ajusté alabastrin alambiqué alangui alanguissant alarmant alarmé albuginé - alcalescent alcalifiant alcalin alcalinisant alcoolisé aldin alexandrin alezan - aligoté alizé aliénant aliéné alkylant allaitant allant allemand allergisant - alliciant allié allongé allumant allumé alluré alléchant allégeant allégé - alphabloquant alphastimulant alphonsin alpin alternant alternifolié - altérant altéré alucité alvin alvéolé alésé amaigri amaigrissant amalgamant - amaril ambiant ambisexué ambivalent ambulant ami amiantacé amiantin amidé - aminé ammoniacé ammoniaqué ammonié amnistiant amnistié amnésiant amoindrissant - amorti amplifiant amplifié amplié ampoulé amputé amusant amusé amylacé - américain amérisant anabolisant analgésiant anamorphosé anarchisant anastigmat - anavirulent ancorné andin andorran anergisant anesthésiant angevin anglican - angoissant angoissé angustifolié angustipenné animé anisé ankylosant ankylosé - anobli anoblissant anodin anovulant ansé ansérin antenné anthropisé - antialcalin antiallemand antiamaril antiautoadjoint antibrouillé - anticipant anticipé anticoagulant anticontaminant anticonvulsivant - antidécapant antidéflagrant antidérapant antidétonant antifeutrant - antigivrant antiglissant antiliant antimonié antiméthémoglobinisant antinatal - antiodorant antioxydant antiperspirant antiquisant antirassissant - antiréfléchissant antirépublicain antirésonant antirésonnant antisymétrisé - antivieillissant antiémétisant antécédent anténatal antéposé antérieur - antérosupérieur anémiant anémié aoûté apaisant apeuré apicalisé aplati apocopé - apparent apparenté apparié appartenant appaumé appelant appelé appendiculé - appointé apposé apprivoisé approchant approché approfondi approprié approuvé - apprêté appuyé appétissant apérianthé aquarellé aquitain arabisant araucan - arborisé arboré arcelé archaïsant archiconnu archidiocésain architecturé - ardent ardoisé ardu argentin argenté argilacé arillé armoricain armé - arpégé arqué arrangeant arrivant arrivé arrogant arrondi arrosé arrêté arsénié - articulé arénacé aréolé arétin ascendant ascosporé asexué asin asphyxiant - aspirant aspiré assaillant assainissant assaisonné assassin assassinant - asservissant assidu assimilé assistant assisté assiégeant assiégé associé - assommant assonancé assonant assorti assoupi assoupissant assouplissant - assujetti assujettissant assuré asséchant astreignant astringent atloïdé - atonal atrophiant atrophié attachant attaquant attardé atteint attenant - attendu attentionné atterrant attesté attirant attitré attrayant attristant - atélectasié auriculé auscitain austral authentifiant autoadjoint autoagrippant - autoancré autobronzant autocentré autocohérent autocollant autocommandé - autocontraint autoconvergent autocopiant autoflagellant autofondant autoguidé - autolubrifiant autolustrant autolégitimant autolégitimé automodifiant - autonettoyant autoportant autoproduit autopropulsé autorepassant autorisé - autosuffisant autotrempant auvergnat avachi avalant avalé avancé avarié - aventuriné aventuré avenu averti aveuglant avianisé avili avilissant aviné - avivé avoisinant avoué avéré azimuté azoté azuré azéri aéronaval aéroporté - aéré aîné babillard badaud badgé badin bahaï bahreïni bai baillonné baissant - balafré balancé balbutiant baleiné ballant ballonisé ballonné ballottant - balzan bambochard banal banalisé bancal bandant bandé bangladeshi banlieusard - bantou baraqué barbant barbarisant barbelé barbichu barbifiant barbu bardé - baroquisant barré baryté basané basculant basculé basedowifiant basedowifié - bastillé bastionné bataillé batifolant battant battu bavard becqué bedonnant - bellifontain belligérant benoît benzolé benzoïné berçant beurré biacuminé - bicarbonaté bicarré bicomponent bicomposé biconstitué bicontinu bicornu - bidonnant bienfaisant bienséant bienveillant bigarré bigot bigourdan bigéminé - bilié billeté bilobé bimaculé binoclard biodégradant bioluminescent biorienté - biparti bipectiné bipinné bipolarisé bipédiculé biramé birman biréfringent - biscuité bisexué bismuthé bisontin bispiralé bissexué bisublimé bisérié - biterné bivalent bivitellin bivoltin blafard blanchissant blanchoyant blasé - blessé bleu bleuissant bleuté blindé blond blondin blondissant blondoyant - blousant blâmant blêmissant bodybuildé boisé boitillant bombé bonard - bondé bonifié bonnard borain bordant borin borné boré bossagé bossu bot - bouclé boudiné bouffant bouffi bouillant bouilli bouillonnant boulant bouleté - bouqueté bourdonnant bourdonné bourgeonnant bourrant bourrelé bourru bourré - boutonné bovin bracelé bradycardisant braillard branchu branché branlant - bressan bretessé bretonnant breveté briard bridgé bridé brillant brillanté - bringueballant brinquebalant brinqueballant briochin brioché brisant brisé - broché bromé bronzant bronzé brouillé broutant bruissant brun brunissant brut - brévistylé brûlant brûlé budgeté burelé buriné bursodépendant busqué busé - butyracé buté byzantin bâtard bâti bâté béant béat bédouin bégayant bénard - bénédictin béquetant béquillard bétonné bêlant bêtabloquant bêtifiant bômé - cabochard cabotin cabriolant cabré cacaoté cachectisant cachemiri caché - cadjin cadmié caducifolié cafard cagnard cagot cagoulé cahotant caillouté - calcicordé calcifié calculé calmant calotin calé camard cambrousard cambré - camisard campagnard camphré campé camé canaliculé canin cannelé canné cantalou - canulant cané caoutchouté capitolin capitulant capitulard capité capricant - capsulé captivant capuchonné caquetant carabiné caracolant caractérisé - carbonaté carboné carburant carburé cardiocutané cardé carencé caressant - carillonnant carillonné carié carminé carné carolin caronculé carpé carré - caréné casqué cassant cassé castelroussin castillan catalan catastrophé - catégorisé caudé caulescent causal causant cavalcadant celtisant cendré censé - centraméricain centré cerclé cerdagnol cerdan cerné certain certifié cervelé - chafouin chagrin chagrinant chagriné chaloupé chamoisé chamoniard chancelant - chantant chançard chapeauté chapé charançonné chargé charmant charnu charpenté - charrié chartrain chassant chasé chatoyant chaud chauffant chaussant chauvin - chenillé chenu chevalin chevauchant chevelu chevelé chevillé chevronné - chiant chicard chiffonné chiffré chimioluminescent chimiorésistant chiné - chié chlamydé chleuh chlorurant chloruré chloré chocolaté choisi choké - choral chronodépendant chryséléphantin chuintant chypré châtain chélatant - chômé ciblé cicatrisant cilié cinglant cinglé cintré circiné circonspect - circonvoisin circulant circumtempéré ciré cisalpin cisjuran cispadan citadin - citronné citérieur civil civilisé clabotant clair claironnant clairsemé - clandestin clapotant claquant clarifiant clariné classicisant claudicant - clavelé clignotant climatisé clinquant cliquetant clissé clivant cloisonné - cloqué clouté cloîtré clément clémentin coagulant coalescent coalisé coassocié - cocciné cocu codant codirigeant codominant codé codélirant codétenu coexistant - cogné cohérent coiffant coiffé coinché cokéfiant colicitant colitigant - collant collodionné collé colmatant colombin colonisé colorant coloré - combattant combinant combinard combiné comburant comité commandant commençant - commun communard communiant communicant communiqué communisant compact - comparé compassé compatissant compensé complaisant complexant compliqué - composant composé comprimé compromettant computérisé compétent comtadin conard - concertant concerté conciliant concluant concomitant concordant concourant - concupiscent concurrent concédant condamné condensant condensé condescendant - conditionné condupliqué confiant confident confiné confit confondant confédéré - congru congruent conjoint conjugant conjugué connaissant connard connivent - conné conquassant conquérant consacrant consacré consanguin conscient conscrit - conservé consistant consolant consolidé consommé consonant constant constellé - constipant constipé constituant constitué constringent consultant conséquent - containeurisé contaminant contemporain content contenu contestant continent - continu contondant contourné contractant contraignant contraint contraposé - contrarié contrastant contrasté contravariant contrecollé contredisant - contrefait contrevariant contrevenant contrit controuvé controversé contrôlé - convaincu convalescent conventionné convenu convergent converti convoluté - convulsivant convulsé conçu cooccupant cooccurrent coopérant coordiné - coordonné copartageant coparticipant coquillé coquin coraillé corallin - cordé cornard corniculé cornu corné corpulent correct correspondant corrigé - corrodant corrompu corrélé corticodépendant corticorésistant cortisoné - coréférent cossard cossu costaud costulé costumé cotisant couard couchant - coulant coulissant coulissé coupant couperosé couplé coupé courant courbatu - couronnant couronné court courtaud courtisan couru cousu couturé couvert - covalent covariant coïncident coûtant crachotant craché cramoisi cramponnant - craquelé cravachant crawlé crevant crevard crevé criant criard criblant criblé - crispant cristallin cristallisant cristallisé crochu croisetté croiseté - croissanté croisé crollé croquant crossé crotté croulant croupi croupissant - croyant cru crucifié cruenté crustacé cryodesséché cryoprécipité crémant - crépi crépitant crépu crétacé crétin crétinisant créé crêpelé crêté cubain - cuirassé cuisant cuisiné cuit cuivré culminant culotté culpabilisant cultivé - cuscuté cutané cyanosé câblé câlin cédant célébrant cérulé cérusé cévenol - damassé damné dandinant dansant demeuré demi dentelé denticulé dentu denté - dessalé dessiccant dessillant dessiné dessoudé desséchant deutéré diadémé - diamanté diapré diastasé diazoté dicarbonylé dichloré diffamant diffamé - diffractant diffringent diffusant différencié différent différé difluoré - diiodé dilatant dilaté diligent dilobé diluant dimensionné dimidié dimidé - diminué diocésain diphasé diplômant diplômé direct dirigeant dirigé dirimant - discipliné discontinu discord discordant discriminant discuté disert disgracié - disloqué disodé disparu dispersant dispersé disposé disproportionné disputé - dissimulé dissipé dissociant dissocié dissolu dissolvant dissonant disséminé - distant distinct distingué distrait distrayant distribué disubstitué disulfoné - divagant divaguant divalent divergent divertissant divin divorcé djaïn - dodu dogmatisant dolent domicilié dominant dominicain donjonné donnant donné - dormant dorsalisant doré douci doué drageonnant dragéifié drainant dramatisant - drapé dreyfusard drogué droit dru drupacé dual ductodépendant dulcifiant dur - duveté dynamisant dynamité dyspnéisant dystrophiant déaminé débarqué débauché - débilitant débloquant débordant débordé débouchant débourgeoisé déboussolé - débridé débrouillard débroussaillant débroussé débutant décadent décaféiné - décalant décalcifiant décalvant décapant décapité décarburant décati décavé - décevant déchagriné décharné déchaînant déchaîné déchevelé déchiqueté - déchiré déchloruré déchu décidu décidué décidé déclaré déclassé déclenchant - décoiffant décolleté décolorant décoloré décompensé décomplémenté décomplété - déconcertant déconditionné déconfit décongestionnant déconnant déconsidéré - décontractant décontracturant décontracté décortiqué décoré découplé découpé - décousu découvert décrispant décrochant décroissant décrépi décrépit décuman - décussé décérébré dédoré défaillant défait défanant défatigant défavorisé - déferlant déferlé défiant déficient défigé défilant défini déflagrant défleuri - défléchi défoliant défoncé déformant défranchi défraîchi défrisant défroqué - défâché défécant déférent dégagé dégingandé dégivrant déglutiné dégonflé - dégourdi dégouttant dégoûtant dégoûté dégradant dégradé dégraissant dégriffé - déguisé dégénérescent dégénéré déhanché déhiscent déjeté délabrant délabré - délassant délavé délayé délibérant délibéré délicat délinquant déliquescent - délitescent délié déloqué déluré délégué démagnétisant démaquillant démaqué - dément démerdard démesuré démixé démodé démontant démonté démoralisant - démotivant démotivé démystifiant démyélinisant démyélisant démêlant dénaturant - dénigrant dénitrant dénitrifiant dénommé dénudé dénutri dénué déodorant - dépapillé dépareillé dépassé dépaysant dépaysé dépeigné dépenaillé dépendant - dépeuplé déphasé dépité déplacé déplaisant déplaquetté déplasmatisé dépliant - déplumant déplumé déplété dépoitraillé dépolarisant dépoli dépolitisant - déponent déporté déposant déposé dépouillé dépourvu dépoussiérant dépravant - déprimant déprimé déprédé dépérissant dépétainisé déracinant déraciné - dérangé dérapant dérestauré dérivant dérivé dérobé dérogeant déroulant - déréalisant déréglé désabusé désaccordé désadapté désaffectivé désaffecté - désaisonnalisé désaligné désaliénant désaltérant désaluminisé désambiguïsé - désargenté désarmant désarçonnant désassorti désatomisé désaturant désaxé - désemparé désenchanté désensibilisant désert désespérant désespéré - désherbant déshonorant déshumanisant déshydratant déshydraté déshydrogénant - désiconisé désillusionnant désincarné désincrustant désinfectant - désintéressé désirant désobligeant désoblitérant désobéi désobéissant - désodorisant désodé désoeuvré désolant désolé désopilant désordonné - désorienté désossé désoxydant désoxygénant déstabilisant déstressant - désuni déséquilibrant déséquilibré détachant détaché détartrant détendu détenu - déterminant déterminé déterré détonant détonnant détourné détraqué détérioré - développé déverbalisant dévergondé déversé dévertébré déviant dévissé - dévoisé dévolu dévorant dévot dévoué dévoyé déwatté déçu effacé effarant - effarouché effaré effervescent efficient effiloché effilé efflanqué - effluent effondré effrangé effrayant effrayé effronté effréné efféminé - emballant embarrassant embarrassé embellissant embiellé embouché embouti - embrassant embrassé embrouillant embrouillé embroussaillé embruiné embryonné - embusqué embêtant emmerdant emmiellant emmiélant emmotté empaillé empanaché - empenné emperlé empesé empiétant emplumé empoignant empoisonnant emporté - empressé emprunté empâté empêché empêtré encaissant encaissé encalminé - encapsulant encapsulé encartouché encastré encerclant enchanté enchifrené - encloisonné encloqué encombrant encombré encorné encourageant encroué - encroûté enculé endenté endiablé endiamanté endimanché endogé endolori - endormi endurant endurci enfantin enfariné enflammé enflé enfoiré enfoncé - engageant engagé engainant englanté englobant engoulé engourdi engourdissant - engraissant engravé engrenant engrené engrêlé enguiché enhardé enivrant - enjambé enjoué enkikinant enkysté enlaidissant enlaçant enlevé enneigé ennemi - ennuyant ennuyé enquiquinant enracinant enrageant enragé enregistrant enrhumé - enrichissant enrobé enseignant enseigné ensellé ensoleillé ensommeillé - ensoutané ensuqué entartré entendu enterré enthousiasmant entouré entrant - entraînant entrecoupé entrecroisé entrelacé entrelardé entreprenant entresolé - entrouvert enturbanné enté entêtant entêté envahissant envapé enveloppant - envenimé enviné environnant envié envoyé envoûtant ergoté errant erroné - escarpé espacé espagnol espagnolisant esquintant esquinté esseulé essorant - estomaqué estompé estropié estudiantin euphorisant euphémisé eurafricain - exacerbé exact exagéré exalbuminé exaltant exalté exaspérant excellent - excepté excitant excité exclu excluant excommunié excru excédant exempt - exercé exerçant exfoliant exhalant exhilarant exigeant exilé exinscrit - exondé exorbitant exorbité exosporé exostosant expansé expatrié expectant - expert expirant exploitant exploité exposé expropriant exproprié expulsé - expérimenté extasié extemporané extradossé extrafort extraplat extrapériosté - extraverti extroverti exténuant extérieur exubérant exultant facilitant - faiblissant faignant failli faillé fainéant faisandé faisant fait falot falqué - fané faraud farci fardé farfelu farinacé fasciculé fascinant fascisant fascié - fassi fastigié fat fatal fatigant fatigué fauché favorisant façonné faïencé - feint fendant fendillé fendu fenestré fenian fenêtré fermant fermentant - ferritisant ferruginisé ferré fertilisant fervent fescennin fessu festal - festival feuillagé feuilleté feuillu feuillé feutrant feutré fiancé fibrillé - ficelé fichant fichu fieffé figulin figuré figé filant fileté filoguidé - filé fimbrié fin final finalisé finaud fini finissant fiérot flabellé flagellé - flagrant flamand flambant flamboyant flambé flamingant flammé flanchard - flanquant flapi flatulent flavescent flemmard fleurdelisé fleuri fleurissant - flippant florentin florissant flottant flottard flotté flou fluctuant fluent - fluidifié fluocompact fluorescent fluoré flushé fléchissant fléché flémard - flétrissant flûté foisonnant foliacé folié folliculé folâtrant foncé fondant - fondé forain foraminé forcené forcé forfait forgé formalisé formaté formicant - formé fort fortifiant fortrait fortuit fortuné fossilisé foudroyant fouettard - fouillé fouinard foulant fourbu fourcheté fourchu fourché fourmillant fourni - foutral foutu foxé fracassant fractal fractionné fragilisant fragrant - franchouillard francisant franciscain franciscanisant frangeant frappant - fratrisé frelaté fretté friand frigorifié fringant fringué friqué frisant - frisotté frissonnant frisé frit froid froissant froncé frondescent frottant - froussard fructifiant fruité frumentacé frustrant frustré frutescent - fréquent fréquenté frétillant fugué fulgurant fulminant fumant fumé furfuracé - furibond fusant fuselé futur futé fuyant fuyard fâché fébricitant fécond - féculent fédéré félin féminin féminisant férin férié féru fêlé gabalitain - gagé gai gaillard galant galbé gallican gallinacé galloisant galonné galopant - ganglionné gangrené gangué gantelé garant garanti gardé garni garnissant - gauchisant gazonnant gazonné gazouillant gazé gaël geignard gelé genouillé - germanisant germé gestant gesticulant gibelin gigotant gigotté gigoté girond - gironné gisant gitan givrant givré glabrescent glacial glacé glandouillant - glapissant glaçant glissant glissé globalisant glomérulé glottalisé - gloussant gloutonnant gluant glucosé glycosylé glycuroconjugué godillé - goguenard gommant gommé goménolé gondolant gonflant gonflé gouleyant goulu - gourmand gourmé goussaut gouvernant gouverné goûtu goûté gradué gradé graffité - grand grandiloquent grandissant granité granoclassé granulé graphitisant - grasseyant gratifiant gratiné gratuit gravant gravitant greffant grelottant - grenelé grenu grené griffu grignard grilleté grillé grimaçant grimpant - grinçant grippé grisant grisonnant grivelé grondant grossissant grouillant - grésillant gueulard guignard guilloché guillotiné guindé guivré guéri gâté - gélatinisant gélatiné gélifiant gélifié géminé gémissant géniculé généralisant - géométrisant gérant gênant gêné gîté habilitant habilité habillé habitué - hachuré haché hagard halbrené haletant halin hallucinant halluciné hanché - hanté harassant harassé harcelant harcelé hardi harpé hasté haut hautain - hennissant heptaperforé herbacé herborisé herbu herminé hernié hersé heurté - hibernant hilarant hindou hircin hispanisant historicisant historisant - hivernant hiérosolymitain holocristallin hominisé homogénéisé homoprothallé - homoxylé honorant honoré hordéacé hormonodéprivé horodaté horrifiant - hottentot hoyé huguenot huitard humain humectant humiliant humilié huppé - hutu hyalin hydratant hydrocarboné hydrochloré hydrocuté hydrogénant hydrogéné - hydrosalin hydrosodé hydroxylé hyperalcalin hypercalcifiant hypercalcémiant - hypercoagulant hypercommunicant hypercorrect hyperfin hyperfractionné - hyperisé hyperlordosé hypermotivé hyperphosphatémiant hyperplan hypersomnolent - hypertrophiant hypertrophié hypervascularisé hypnotisant hypoalgésiant - hypocalcémiant hypocarpogé hypocholestérolémiant hypocotylé hypoglycémiant - hypolipidémiant hypophosphatémiant hyposodé hypotendu hypotonisant - hypovirulent hypoxémiant hâlé hébraïsant hébété hélicosporé héliomarin - hélitransporté hémicordé hémicristallin hémiplégié hémodialysé hémopigmenté - hépatostrié hérissant hérissé hésitant hétéroprothallé hétérosporé hétérostylé - identifié idiot idiotifiant idéal ignifugeant ignorant ignorantin ignoré igné - illimité illuminé imaginant imaginé imagé imbriqué imbrûlé imbu imité immaculé - immergé immigrant immigré imminent immodéré immortalisant immotivé immun - immunocompétent immunodéprimant immunodéprimé immunostimulant immunosupprimé - immédiat immérité impair impaludé imparfait imparidigité imparipenné impatient - impayé impensé imperforé impermanent imperméabilisant impertinent implorant - important importun importé imposant imposé impotent impressionnant imprimant - impromptu impromulgué improuvé imprudent imprévoyant imprévu impudent - impuni impur impénitent impétiginisé inabordé inabouti inabrité inabrogé - inaccepté inaccompli inaccoutumé inachevé inactivé inadapté inadéquat - inaguerri inaliéné inaltéré inanalysé inanimé inanitié inapaisé inaperçu - inapparenté inappliqué inapprivoisé inapproprié inapprécié inapprêté - inarticulé inassimilé inassorti inassouvi inassujetti inattaqué inattendu - inavoué incandescent incapacitant incarnadin incarnat incarné incendié - incessant inchangé inchâtié incident incidenté incitant incivil inclassé - incliné inclément incohérent incombant incomitant incommodant incommuniqué - incompétent inconditionné inconfessé incongru incongruent inconnu inconquis - inconsidéré inconsistant inconsolé inconsommé inconstant inconséquent - incontesté incontinent incontrôlé inconvenant incoordonné incorporant - incorrect incorrigé incriminant incriminé incritiqué incroyant incrustant - incréé incubant inculpé incultivé incurvé indeviné indifférencié indifférent - indirect indirigé indiscipliné indiscriminé indiscuté indisposé indistinct - indolent indompté indou indu induit indulgent indupliqué induré - indébrouillé indécent indéchiffré indécidué indéfini indéfinisé indéfriché - indélibéré indélicat indémontré indémêlé indépassé indépendant indépensé - indéterminé ineffectué inefficient inemployé inentamé inentendu inespéré - inexaucé inexercé inexistant inexpert inexpié inexpliqué inexploité inexploré - inexprimé inexpérimenté inexécuté infamant infantilisant infarci infatué - infectant infecté infestant infesté infichu infiltrant infini inflammé - infléchi infondé informant informulé infortuné infoutu infréquenté infusé - inféodé inférieur inférovarié ingrat ingénu inhabité inhalant inhibant inhibé - inhérent inimité inintelligent ininterrompu inintéressant initié injecté - innervant innocent innominé innommé innomé innovant inné inobservé inoccupé - inondé inopiné inopportun inopérant inorganisé inoublié inouï inquiétant - insatisfait insaturé inscrit insensé insermenté insignifiant insinuant - insolent insondé insonorisant insonorisé insouciant insoupçonné inspirant - inspécifié installé instant instantané instructuré instruit insubordonné - insulinodépendant insulinorésistant insultant insulté insurgé insécurisant - intelligent intempérant intentionné interallié interaméricain intercepté - intercristallin intercurrent interdigité interdiocésain interdit - interfacé interfécond interférent interloqué intermittent intermédié interpolé - interprétant intersecté intersexué interstratifié interurbain intervenant - intestin intimidant intolérant intoxicant intoxiqué intramontagnard - intrigant introduit introjecté introverti intumescent intégrant intégrifolié - intéressé intérieur inusité inutilisé invaincu invalidant invariant invendu - inverti invertébré inviolé invitant involucré involuté invérifié invétéré - inéclairci inécouté inédit inégalé inélégant inéprouvé inépuisé inéquivalent - iodoformé ioduré iodylé iodé ionisant iridescent iridié irisé ironisant - irraisonné irrassasié irritant irrité irréalisé irréfléchi irréfuté irrémunéré - irrésolu irrévélé islamisant isohalin isolant isolé isosporé issant issu - itinérant ivoirin jacent jacobin jaillissant jamaïcain jamaïquain jambé - japonné jardiné jarreté jarré jaspé jauni jaunissant javelé jaïn jobard joint - joli joufflu jouissant jovial jubilant juché judaïsant jumelé juponné juré - juxtaposant juxtaposé kalmouk kanak kazakh kenyan kosovar kératinisé labié - lacinié lactant lactescent lactosé lacté lai laid lainé laité lambin lambrissé - lamifié laminé lampant lampassé lamé lancinant lancé lancéolé languissant - lapon laqué lardacé larmoyant larvé laryngé lassant latent latifolié latin - latté latéralisé lauré lauréat lavant lavé laïcisant lent lenticulé letton - lettré leucopéniant leucosporé leucostimulant levant levantin levretté levé - liant libertin libéré licencié lichénifié liftant lifté ligaturé lignifié - ligulé lilacé limacé limitant limougeaud limousin lionné lippu liquéfiant - lithiné lithié lité lié liégé lobulé lobé localisé loculé lointain lombard - lorrain loré losangé loti louchant loupé lourd lourdaud lubrifiant luisant - lunetté lunulé luné lusitain lustré luthé lutin lutéinisant lutéostimulant - lyophilisé lyré léché lénifiant léonard léonin léopardé lézardé maboul maclé - madré mafflu maghrébin magnésié magnétisant magrébin magyar mahométan maillant - majeur majorant majorquin maladroit malaisé malavisé malbâti malentendant - malformé malintentionné malnutri malodorant malotru malouin malpoli malsain - malséant maltraitant malté malveillant malvoyant maléficié mamelonné mamelu - manchot mandarin mandchou maniéré mannité manoeuvrant manquant manqué mansardé - mantouan manuscrit manuélin maori maraîchin marbré marcescent marchand - marial marin mariol marié marmottant marocain maronnant marquant marqueté - marquésan marrant marri martelé martyr marxisant masculin masculinisant - masqué massacrant massant massé massétérin mat matelassé mati matérialisé - maugrabin maugrebin meilleur melonné membrané membru menacé menant menaçant - mentholé menu merdoyant mesquin messin mesuré meublant mexicain micacé - microencapsulé microgrenu microplissé microéclaté miellé mignard migrant - militant millerandé millimétré millésimé mineur minidosé minorant minorquin - miraculé miraillé miraud mirobolant miroitant miroité miré mitigé mitré mité - mobiliérisé mochard modelant modifiant modulant modulé modélisant modéré - mogol moiré moisi moleté molletonné mollissant momentané momifié mondain mondé - monilié monobromé monochlamydé monochloré monocomposé monocontinu - monofluoré monogrammé monohalogéné monohydraté mononucléé monophasé - monopérianthé monoréfringent monosporé monotriphasé monovalent montagnard - montpelliérain monté monténégrin monumenté moralisant mordant mordicant - mordu morfal morfondu moribond moricaud mormon mort mortifiant morvandiot - mosellan motivant motivé mouchard moucheté mouflé mouillant mouillé moulant - moulé mourant moussant moussu moustachu moutonnant moutonné mouvant mouvementé - moyé mozambicain mucroné mugissant mulard multiarticulé multidigité - multilobé multinucléé multiperforé multiprogrammé multirésistant multisérié - multivalent multivarié multivitaminé multivoltin munificent murin muriqué - murrhin musard musclé musqué mussipontain musulman mutant mutilant mutin - myorelaxant myrrhé mystifiant mythifiant myélinisant myélinisé mâtiné méchant - méconnu mécontent mécréant médaillé médian médiat médicalisé médisant - méfiant mélangé mélanostimulant méningé méplat méprisant méritant mérulé - métallescent métallisé métamérisé métastasé méthoxylé méthyluré - métropolitain météorisant mêlé mûr mûrissant nabot nacré nageant nain naissant - nanti napolitain narcissisant nasard nasillard natal natté naturalisé naufragé - naval navigant navrant nazi nervin nervuré nervé nettoyant neumé neuralisant - neuroméningé neutralisant nickelé nictitant nidifiant nigaud nigérian - nippon nitescent nitrant nitrifiant nitrosé nitrurant nitré noir noiraud - nombrant nombré nominalisé nommé nonchalant normalisé normand normodosé - normotendu normé notarié nourri nourrissant noué noyé nu nuagé nuancé nucléolé - nullard numéroté nutant nué né nébulé nécessitant nécrosant négligent négligé - néoformé néolatin néonatal névrosant névrosé obligeant obligé oblitérant - obscur observant obsolescent obstiné obstrué obsédant obsédé obséquent - obturé obéi obéissant obéré occitan occupant occupé occurrent ocellé ochracé - oculé odorant odoriférant oeillé oeuvé offensant offensé officiant offrant - olivacé oléacé oléfiant oléifiant oman ombellé ombiliqué ombragé ombré - omniprésent omniscient ondoyant ondulant ondulé ondé onglé onguiculé ongulé - opalescent opalin operculé opiacé opportun opposant oppositifolié opposé - oppressé opprimant opprimé opsonisant optimalisant optimisant opulent opérant - orant ordonné ordré oreillard oreillé orfévré organisé organochloré - organosilicié orientalisant orienté oropharyngé orphelin orthonormé ortié - osmié ossifiant ossifluent ossu ostial ostracé ostrogot ostrogoth ostréacé osé - ouaté ourlé oursin outillé outrageant outragé outrecuidant outrepassé outré - ouvragé ouvrant ouvré ovalisé ovillé ovin ovulant ové oxycarboné oxydant - oxygéné ozoné oïdié pacifiant padan padouan pahlavi paillard pailleté pair - palatin palermitain palissé pallotin palmatilobé palmatinervé palmatiséqué - palmiséqué palmé palpitant panaché panafricain panard paniculé paniquant panné - pantelant pantouflard pané papalin papelard papilionacé papillonnant - papou papyracé paraffiné paralysant paralysé paramédian parcheminé parent - parfumé paridigitidé paridigité parigot paripenné parlant parlé parmesan - parsi partagé partant parti participant partisan partousard partouzard - parvenu paré passant passepoilé passerillé passionnant passionné passé pataud - patelin patelinant patent patenté patient patoisant patriotard pattu patté - paumé pavé payant pectiné pehlevi peigné peinard peint pelliculant pelliculé - peluché pelé penaud penchant penché pendant pendu pennatilobé pennatinervé - penninervé penné pensant pensionné pentavalent pentu peptoné perchloraté - percutant percutané perdant perdu perfectionné perfolié perforant performant - perfusé perlant perluré perlé permanent permutant perphosporé perruqué persan - persistant personnalisé personnifié personé persuadé persulfuré persécuté - pertinent perturbant perverti perçant pesant pestiféré petiot petit peul - pharmocodépendant pharyngé phasé philippin philistin phophorylé phosphaté - phosphoré photoinduit photoluminescent photorésistant photosensibilisant - phénolé phénotypé piaffant piaillant piaillard picard picoté pigeonnant - pignonné pillard pilonnant pilosébacé pimpant pinaillé pinchard pincé pinné - pinçard pionçant piquant piqué pisan pistillé pitchoun pivotant piégé - placé plafonnant plaidant plaignant plain plaisant plan planant planté plané - plasmolysé plastifiant plat plein pleurant pleurard pleurnichard pliant - plissé plié plombé plongeant plumeté pluriarticulé plurihandicapé plurinucléé - plurivalent pochard poché poignant poilant poilu pointillé pointu pointé - poitevin poivré polarisant polarisé poli policé politicard polluant - polycarburant polychloré polycontaminé polycopié polycristallin polydésaturé - polyhandicapé polyinsaturé polylobé polynitré polynucléé polyparasité - polysubstitué polysyphilisé polytransfusé polytraumatisé polyvalent - polyvoltin pommelé pommeté pompant pompé ponctué pondéré pontifiant pontin - poplité poqué porcelainé porcin porracé portant portoricain possédant possédé - postillonné postnatal postnéonatal posté postérieur posé potelé potencé - poupin pourprin pourri pourrissant poursuivant pourtournant poussant poussé - pratiquant prenant prescient prescrit pressant pressionné pressé prieur primal - privilégié probant prochain procombant procubain profilé profitant profond - programmé prohibé projetant prolabé proliférant prolongé prompt promu - prononcé propané proportionné proratisé proscrit prostré protestant protonant - protubérant protéiné provenant provocant provoqué proéminent prudent pruiné - préalpin prébendé précipitant précipité précité précompact préconscient - précontraint préconçu précuit précédent prédesséché prédestiné prédiffusé - prédisposant prédominant prédécoupé préemballé préencollé préenregistré - préfabriqué préfixé préformant préfragmenté préférant préféré prégnant - prélatin prématuré prémuni prémédité prénasalisé prénatal prénommé préoblitéré - préoccupé préparant prépayé prépondérant prépositionné préprogrammé préroman - présalé présanctifié présent présignifié présumé présupposé prétendu - prétraité prévalant prévalent prévenant prévenu prévoyant prévu préémargé - préétabli prêt prêtant prêté psychiatrisé psychostimulant psychoénergisant - puant pubescent pudibond puissant pulsant pulsé pultacé pulvérulent puni pur - puritain purpuracé purpurin purulent pustulé putrescent putréfié puéril puîné - pyramidant pyramidé pyrazolé pyroxylé pâli pâlissant pédant pédantisant - pédiculosé pédiculé pédonculé pékiné pélorié pénalisant pénard pénicillé - pénétrant pénétré péquenaud pérennant périanthé périgourdin périmé périnatal - pérégrin pérégrinant péréqué pétant pétaradant pétillant pétiolé pétochard - pétrifiant pétrifié pétré pétulant pêchant qatari quadrifolié quadrigéminé - quadriparti quadrivalent quadruplété qualifiant qualifié quantifié quart - questionné quiescent quinaud quint quintessencié quintilobé quiné quérulent - rabattable rabattant rabattu rabougri raccourci racorni racé radiant radicant - radiodiffusé radiolipiodolé radiorésistant radiotransparent radiotélévisé - raffermissant raffiné rafraîchi rafraîchissant rageant ragot ragoûtant - raisonné rajeunissant rallié ramassé ramenard ramifié ramolli ramollissant - ramé ranci rangé rapatrié rapiat raplati rappelé rapporté rapproché rarescent - rasant rassasiant rassasié rassemblé rassurant rassuré rassérénant rasé - ratiocinant rationalisé raté ravageant ravagé ravalé ravi ravigotant ravissant - rayé rebattu rebondi rebondissant rebutant recalé recarburant recercelé - rechigné recombinant recommandé reconnaissant reconnu reconstituant recoqueté - recroiseté recroquevillé recru recrudescent recrutant rectifiant recueilli - redenté redondant redoublant redoublé refait refoulant refoulé refroidissant - regardant regrossi reinté relaxant relevé reluisant relâché relégué remarqué - rempli remuant renaissant renchéri rendu renfermé renflé renfoncé renforçant - rengagé renommé rentrant rentré renté renversant renversé repentant repenti - reporté reposant reposé repoussant repoussé repressé représentant repu - resarcelé rescapé rescindant rescié respirant resplendissant ressemblant - ressortissant ressurgi ressuscité restant restreint restringent resurgi - retardé retentissant retenu retiré retombant retrait retraité retrayant - retroussé revanchard revigorant revitalisant reviviscent reçu rhinopharyngé - rhodié rhumatisant rhumé rhénan rhônalpin riant ribaud riboulant ricain - riciné ridé rifain rigolard ringard risqué riverain roidi romagnol romain - romand romanisant rompu rond rondouillard ronflant rongeant rosacé rossard - rotacé roublard roucoulant rouergat rougeaud rougeoyant rougi rougissant - rouleauté roulotté roulé roumain rouquin rousseauisant routinisé roué rubané - rubicond rubéfiant rudenté rugissant ruiné ruisselant ruminant rupin rurbain - rusé rutilant rythmé râblé râlant râpé réadapté réalisant récalcitrant récent - réchauffant réchauffé récidivant récitant réclamant réclinant récliné - réconfortant récurant récurrent récurvé récusant réduit réentrant réflectorisé - réfléchissant réformé réfrigérant réfrigéré réfringent réfugié référencé - régissant réglant réglé régnant régressé régénérant régénéré réhabilité - réitéré réjoui réjouissant rémanent rémittent rémunéré rénitent répandu - réprouvé républicain répugnant réputé réservé résidant résident résigné - résiné résistant résolu résolvant résonant résonnant résorbant résorciné - résumé résupiné résurgent rétabli rétamé réticent réticulé rétrofléchi - rétroréfléchissant rétréci réuni réussi réverbérant révoltant révolté révolu - révulsant révulsé révélé révérend rééquilibrant rêvé rôti sabin saccadé - sacchariné sacrifié sacré safrané sagitté sahraoui saignant saignotant - sain saint saisi saisissant saladin salant salarié salicylé salin salissant - samaritain samoan sanctifiant sanglant sanglotant sanguin sanguinolent - sanskrit santalin saoul saoulard saponacé sarrasin satané satiné satisfaisant - saturant saturnin saturé saucissonné saucé saugrenu saumoné saumuré sautant - sautillé sauté sauvagin savant savoyard scalant scarifié scellé sciant - sclérosant sclérosé scolié scoriacé scorifiant scout script scrobiculé - second secrétant semelé semi-fini sempervirent semé sensibilisant sensé senti - serein serpentin serré servant servi seul sexdigité sexué sexvalent seyant - sibyllin sidérant sifflant sigillé siglé signalé signifiant silicié silicosé - simplifié simultané simulé sinapisé sinisant siphonné situé slavisant - snobinard socialisant sociologisant sodé soiffard soignant soigné solognot - somali sommeillant sommé somnolant somnolent sonnant sonné sorbonnard sortant - souahéli soudain soudant soudé soufflant soufflé souffrant soufi soulevé - sourd souriant soussigné soutenu souterrain souverain soûlant soûlard - spatulé spermagglutinant spermimmobilisant sphacélé spiralé spirant spiritain - splénectomisé spontané sporulé spumescent spécialisé stabilisant stagnant - staphylin stationné stibié stigmatisant stigmatisé stimulant stipendié stipité - stipulé stratifié stressant strict strident stridulant strié structurant - stupéfait stupéfiant stylé sténohalin sténosant stérilisant stérilisé - su suant subalpin subclaquant subconscient subintrant subit subjacent - sublimant subneutralisant subordonnant subordonné subrogé subsident subséquent - subulé suburbain subventionné subérifié succenturié succinct succulent - sucrant sucré sucé suffisant suffocant suffragant suicidé suintant suivant - sulfamidorésistant sulfamidé sulfaté sulfhydrylé sulfoné sulfurant sulfurisé - superfin superfini superflu supergéant superhydratant superordonné superovarié - suppliant supplicié suppléant supportant supposé suppurant suppuré - supradivergent suprahumain supérieur surabondant suractivé surajouté suranné - surbrillant surchargé surchauffé surclassé surcomposé surcomprimé surcouplé - surdéterminant surdéterminé surdéveloppé surencombré surexcitant surexcité - surfin surfondu surfrappé surgelé surgi surglacé surhaussé surhumain suri - surmenant surmené surmultiplié surmusclé surneigé suroxygéné surperformé - surplombant surplué surprenant surpressé surpuissant surréalisant sursalé - sursaturé sursilicé surveillé survitaminé survivant survolté surémancipé - susdit susdénommé susmentionné susnommé suspect suspendu susrelaté susurrant - suzerain suédé swahili swahéli swazi swingant swingué sylvain sympathisant - synanthéré synchronisé syncopé syndiqué synthétisant systématisé séant sébacé - séchant sécurisant sécurisé séduisant ségrégué ségrégé sélectionné sélénié - sémitisant sénescent séparé séquencé séquestrant sérigraphié séroconverti - sérotonicodépendant sétacé sévillan tabou tabouisé tacheté taché tadjik taillé - taloté taluté talé tamil tamisant tamisé tamoul tangent tannant tanné tapant - tapissant taponné tapé taqueté taquin tarabiscoté taraudant tarentin tari - tartré taré tassé tatar taupé taurin tavelé teint teintant teinté telluré - tempérant tempéré tenaillant tenant tendu tentant ternifolié terraqué - terrifiant terrorisant tessellé testacé texan texturant texturé thallosporé - thermisé thermocollant thermodurci thermofixé thermoformé thermohalin - thermoluminescent thermopropulsé thermorémanent thermorésistant thrombopéniant - thrombosé thymodépendant thébain théocentré théorbé tibétain tiercé tigré tigé - timbré timoré tintinnabulant tiqueté tirant tiré tisonné tissu titané titré - tocard toisonné tolérant tombal tombant tombé tonal tondant tondu tonifiant - tonnant tonsuré tonturé tophacé toquard toqué torché tordant tordu torsadé - tortu torturant toscan totalisant totipotent touchant touffu toulousain - tourelé tourmentant tourmenté tournant tournoyant tourné tracassant tracté - traitant tramaillé tranchant tranché tranquillisant transafricain transalpin - transandin transcendant transcutané transfini transfixiant transformant - transi transloqué transmutant transpadan transparent transperçant transpirant - transposé transtévérin transylvain trapu traumatisant traumatisé travaillant - traversant travesti traçant traînant traînard treillissé tremblant tremblotant - trempant trempé tressaillant triboluminescent tributant trichiné tricoté - tridenté trifoliolé trifolié trifurqué trigéminé trilobé trin trinervé - triparti triphasé triphosphaté trisubstitué tritié trituberculé triturant - trivialisé trompettant tronqué troublant trouillard trouvé troué truand - truffé truité trypsiné trébuchant tréflé trémulant trépassé trépidant - tuant tubard tubectomisé tuberculé tubulé tubéracé tubérifié tubérisé tufacé - tuilé tumescent tuméfié tuniqué turbiné turbocompressé turbulent turgescent - tutsi tué twisté typé tâtonnant téflonisé téléphoné télévisé ténorisant - térébrant tétraphasé tétrasubstitué tétravalent têtu tôlé ulcéré ultraciblé - ultracourt ultrafin ultramontain ultérieur uncinulé unciné uni unifiant - uniformisant unilobé uninucléé uniovulé unipotent uniramé uniréfringent - unistratifié unisérié unitegminé univalent univitellin univoltin urbain - urgent urticant usagé usant usité usé utriculé utérin utérosacré vacant - vacciné vachard vacillant vadrouillant vagabond vagabondant vaginé vagissant - vain vaincu vairé valdôtain valgisant validant vallonné valorisant valué - valvé vanadié vanilliné vanillé vanisé vanné vantard variolé varisant varié - varvé vasard vascularisé vasostimulant vasouillard vaudou veinard veiné - velu venaissin venant vendu ventripotent ventromédian ventru venté verdissant - vergeté verglacé verglaçant vergé verjuté vermicellé vermiculé vermoulant - verni vernissé verré versant versé vert verticillé vertébré vespertin vexant - vibrionnant vicariant vicelard vicié vieilli vieillissant vigil vigilant - vigorisant vil vilain violacé violent violoné vipérin virevoltant viril - virulent visigoth vitaminé vitellin vitré vivant viverrin vivifiant vivotant - vogoul voilé voisin voisé volant volanté volatil voletant voltigeant volvulé - vorticellé voulu voussé voyant voûté vrai vrillé vrombissant vu vulnérant - vulturin vécu végétant véhément vélin vélomotorisé vérolé vésicant vésiculé - vêtu wallingant watté wisigoth youpin zazou zend zigzagant zinzolin zoné - zoulou zélé zézayant âgé ânonnant ébahi ébaubi éberlué éblouissant ébouriffant - éburnin éburné écaillé écartelé écarté écervelé échancré échantillonné échappé - échauffant échauffé échevelé échiqueté échoguidé échu éclairant éclaircissant - éclatant éclaté éclipsant éclopé écoeurant écorché écoté écoutant écranté - écrasé écrit écru écrémé éculé écumant édenté édifiant édulcorant égaillé - égaré égayant égrillard égrisé égrotant égueulé éhanché éhonté élaboré élancé - électrisant électroconvulsivant électrofondu électroluminescent - élevé élingué élisabéthain élizabéthain éloigné éloquent élu élégant - émacié émanché émancipé émarginé émergent émergé émerillonné émerveillant - émigré éminent émollient émotionnant émoulu émoustillant émouvant ému - émulsionnant éméché émétisant énergisant énervant énervé épaississant épanoui - épargnant épatant épaté épeigné éperdu épeuré épicotylé épicutané épicé - épigé épinglé éploré éployé épointé époustouflant épouvanté éprouvant éprouvé - épuisé épuré équicontinu équidistant équilibrant équilibré équin équipollent - équipolé équipotent équipé équitant équivalent éraillé éreintant éreinté - érubescent érudit érythématopultacé établi étagé éteint étendu éthéré - étiolé étoffé étoilé étonnant étonné étouffant étouffé étourdi étourdissant - étriquant étriqué étroit étudiant étudié étymologisant évacuant évacué évadé -""".split()) +ADJECTIVES = set( + """ +abaissant abaissé abandonné abasourdi abasourdissant abattu abcédant aberrant +abject abjurant aboli abondant abonné abordé abouti aboutissant abouté +abricoté abrité abrouti abrupt abruti abrutissant abruzzain absent absolu +absorbé abstinent abstrait abyssin abâtardi abêtissant abîmant abîmé acarpellé +accablé accalminé accaparant accastillant accentué acceptant accepté accidenté +accolé accombant accommodant accommodé accompagné accompli accordé accorné +accoudé accouplé accoutumé accrescent accroché accru accréditant accrédité +accueillant accumulé accusé accéléré acescent achalandé acharné achevé +acidulé aciéré acotylé acquitté activé acuminé acutangulé acutifolié acutilobé +adapté additionné additivé adextré adhérent adimensionné adiré adjacent +adjoint adjugé adjuvant administré admirant adné adolescent adoptant adopté +adossé adouci adoucissant adressé adroit adscrit adsorbant adultérin adéquat +affaibli affaiblissant affairé affamé affectionné affecté affermi affidé +affilé affin affligeant affluent affolant affolé affranchi affriolant affronté +affété affûté afghan africain agaillardi agatin agatisé agaçant agglomérant +agglutinant agglutiné aggravant agissant agitant agité agminé agnat agonisant +agrafé agrandi agressé agrippant agrégé agréé aguichant ahanant ahuri +aigretté aigri aigrissant aiguilleté aiguisé ailé aimant aimanté aimé ajourné +ajusté alabastrin alambiqué alangui alanguissant alarmant alarmé albuginé +alcalescent alcalifiant alcalin alcalinisant alcoolisé aldin alexandrin alezan +aligoté alizé aliénant aliéné alkylant allaitant allant allemand allergisant +alliciant allié allongé allumant allumé alluré alléchant allégeant allégé +alphabloquant alphastimulant alphonsin alpin alternant alternifolié +altérant altéré alucité alvin alvéolé alésé amaigri amaigrissant amalgamant +amaril ambiant ambisexué ambivalent ambulant ami amiantacé amiantin amidé +aminé ammoniacé ammoniaqué ammonié amnistiant amnistié amnésiant amoindrissant +amorti amplifiant amplifié amplié ampoulé amputé amusant amusé amylacé +américain amérisant anabolisant analgésiant anamorphosé anarchisant anastigmat +anavirulent ancorné andin andorran anergisant anesthésiant angevin anglican +angoissant angoissé angustifolié angustipenné animé anisé ankylosant ankylosé +anobli anoblissant anodin anovulant ansé ansérin antenné anthropisé +antialcalin antiallemand antiamaril antiautoadjoint antibrouillé +anticipant anticipé anticoagulant anticontaminant anticonvulsivant +antidécapant antidéflagrant antidérapant antidétonant antifeutrant +antigivrant antiglissant antiliant antimonié antiméthémoglobinisant antinatal +antiodorant antioxydant antiperspirant antiquisant antirassissant +antiréfléchissant antirépublicain antirésonant antirésonnant antisymétrisé +antivieillissant antiémétisant antécédent anténatal antéposé antérieur +antérosupérieur anémiant anémié aoûté apaisant apeuré apicalisé aplati apocopé +apparent apparenté apparié appartenant appaumé appelant appelé appendiculé +appointé apposé apprivoisé approchant approché approfondi approprié approuvé +apprêté appuyé appétissant apérianthé aquarellé aquitain arabisant araucan +arborisé arboré arcelé archaïsant archiconnu archidiocésain architecturé +ardent ardoisé ardu argentin argenté argilacé arillé armoricain armé +arpégé arqué arrangeant arrivant arrivé arrogant arrondi arrosé arrêté arsénié +articulé arénacé aréolé arétin ascendant ascosporé asexué asin asphyxiant +aspirant aspiré assaillant assainissant assaisonné assassin assassinant +asservissant assidu assimilé assistant assisté assiégeant assiégé associé +assommant assonancé assonant assorti assoupi assoupissant assouplissant +assujetti assujettissant assuré asséchant astreignant astringent atloïdé +atonal atrophiant atrophié attachant attaquant attardé atteint attenant +attendu attentionné atterrant attesté attirant attitré attrayant attristant +atélectasié auriculé auscitain austral authentifiant autoadjoint autoagrippant +autoancré autobronzant autocentré autocohérent autocollant autocommandé +autocontraint autoconvergent autocopiant autoflagellant autofondant autoguidé +autolubrifiant autolustrant autolégitimant autolégitimé automodifiant +autonettoyant autoportant autoproduit autopropulsé autorepassant autorisé +autosuffisant autotrempant auvergnat avachi avalant avalé avancé avarié +aventuriné aventuré avenu averti aveuglant avianisé avili avilissant aviné +avivé avoisinant avoué avéré azimuté azoté azuré azéri aéronaval aéroporté +aéré aîné babillard badaud badgé badin bahaï bahreïni bai baillonné baissant +balafré balancé balbutiant baleiné ballant ballonisé ballonné ballottant +balzan bambochard banal banalisé bancal bandant bandé bangladeshi banlieusard +bantou baraqué barbant barbarisant barbelé barbichu barbifiant barbu bardé +baroquisant barré baryté basané basculant basculé basedowifiant basedowifié +bastillé bastionné bataillé batifolant battant battu bavard becqué bedonnant +bellifontain belligérant benoît benzolé benzoïné berçant beurré biacuminé +bicarbonaté bicarré bicomponent bicomposé biconstitué bicontinu bicornu +bidonnant bienfaisant bienséant bienveillant bigarré bigot bigourdan bigéminé +bilié billeté bilobé bimaculé binoclard biodégradant bioluminescent biorienté +biparti bipectiné bipinné bipolarisé bipédiculé biramé birman biréfringent +biscuité bisexué bismuthé bisontin bispiralé bissexué bisublimé bisérié +biterné bivalent bivitellin bivoltin blafard blanchissant blanchoyant blasé +blessé bleu bleuissant bleuté blindé blond blondin blondissant blondoyant +blousant blâmant blêmissant bodybuildé boisé boitillant bombé bonard +bondé bonifié bonnard borain bordant borin borné boré bossagé bossu bot +bouclé boudiné bouffant bouffi bouillant bouilli bouillonnant boulant bouleté +bouqueté bourdonnant bourdonné bourgeonnant bourrant bourrelé bourru bourré +boutonné bovin bracelé bradycardisant braillard branchu branché branlant +bressan bretessé bretonnant breveté briard bridgé bridé brillant brillanté +bringueballant brinquebalant brinqueballant briochin brioché brisant brisé +broché bromé bronzant bronzé brouillé broutant bruissant brun brunissant brut +brévistylé brûlant brûlé budgeté burelé buriné bursodépendant busqué busé +butyracé buté byzantin bâtard bâti bâté béant béat bédouin bégayant bénard +bénédictin béquetant béquillard bétonné bêlant bêtabloquant bêtifiant bômé +cabochard cabotin cabriolant cabré cacaoté cachectisant cachemiri caché +cadjin cadmié caducifolié cafard cagnard cagot cagoulé cahotant caillouté +calcicordé calcifié calculé calmant calotin calé camard cambrousard cambré +camisard campagnard camphré campé camé canaliculé canin cannelé canné cantalou +canulant cané caoutchouté capitolin capitulant capitulard capité capricant +capsulé captivant capuchonné caquetant carabiné caracolant caractérisé +carbonaté carboné carburant carburé cardiocutané cardé carencé caressant +carillonnant carillonné carié carminé carné carolin caronculé carpé carré +caréné casqué cassant cassé castelroussin castillan catalan catastrophé +catégorisé caudé caulescent causal causant cavalcadant celtisant cendré censé +centraméricain centré cerclé cerdagnol cerdan cerné certain certifié cervelé +chafouin chagrin chagrinant chagriné chaloupé chamoisé chamoniard chancelant +chantant chançard chapeauté chapé charançonné chargé charmant charnu charpenté +charrié chartrain chassant chasé chatoyant chaud chauffant chaussant chauvin +chenillé chenu chevalin chevauchant chevelu chevelé chevillé chevronné +chiant chicard chiffonné chiffré chimioluminescent chimiorésistant chiné +chié chlamydé chleuh chlorurant chloruré chloré chocolaté choisi choké +choral chronodépendant chryséléphantin chuintant chypré châtain chélatant +chômé ciblé cicatrisant cilié cinglant cinglé cintré circiné circonspect +circonvoisin circulant circumtempéré ciré cisalpin cisjuran cispadan citadin +citronné citérieur civil civilisé clabotant clair claironnant clairsemé +clandestin clapotant claquant clarifiant clariné classicisant claudicant +clavelé clignotant climatisé clinquant cliquetant clissé clivant cloisonné +cloqué clouté cloîtré clément clémentin coagulant coalescent coalisé coassocié +cocciné cocu codant codirigeant codominant codé codélirant codétenu coexistant +cogné cohérent coiffant coiffé coinché cokéfiant colicitant colitigant +collant collodionné collé colmatant colombin colonisé colorant coloré +combattant combinant combinard combiné comburant comité commandant commençant +commun communard communiant communicant communiqué communisant compact +comparé compassé compatissant compensé complaisant complexant compliqué +composant composé comprimé compromettant computérisé compétent comtadin conard +concertant concerté conciliant concluant concomitant concordant concourant +concupiscent concurrent concédant condamné condensant condensé condescendant +conditionné condupliqué confiant confident confiné confit confondant confédéré +congru congruent conjoint conjugant conjugué connaissant connard connivent +conné conquassant conquérant consacrant consacré consanguin conscient conscrit +conservé consistant consolant consolidé consommé consonant constant constellé +constipant constipé constituant constitué constringent consultant conséquent +containeurisé contaminant contemporain content contenu contestant continent +continu contondant contourné contractant contraignant contraint contraposé +contrarié contrastant contrasté contravariant contrecollé contredisant +contrefait contrevariant contrevenant contrit controuvé controversé contrôlé +convaincu convalescent conventionné convenu convergent converti convoluté +convulsivant convulsé conçu cooccupant cooccurrent coopérant coordiné +coordonné copartageant coparticipant coquillé coquin coraillé corallin +cordé cornard corniculé cornu corné corpulent correct correspondant corrigé +corrodant corrompu corrélé corticodépendant corticorésistant cortisoné +coréférent cossard cossu costaud costulé costumé cotisant couard couchant +coulant coulissant coulissé coupant couperosé couplé coupé courant courbatu +couronnant couronné court courtaud courtisan couru cousu couturé couvert +covalent covariant coïncident coûtant crachotant craché cramoisi cramponnant +craquelé cravachant crawlé crevant crevard crevé criant criard criblant criblé +crispant cristallin cristallisant cristallisé crochu croisetté croiseté +croissanté croisé crollé croquant crossé crotté croulant croupi croupissant +croyant cru crucifié cruenté crustacé cryodesséché cryoprécipité crémant +crépi crépitant crépu crétacé crétin crétinisant créé crêpelé crêté cubain +cuirassé cuisant cuisiné cuit cuivré culminant culotté culpabilisant cultivé +cuscuté cutané cyanosé câblé câlin cédant célébrant cérulé cérusé cévenol +damassé damné dandinant dansant demeuré demi dentelé denticulé dentu denté +dessalé dessiccant dessillant dessiné dessoudé desséchant deutéré diadémé +diamanté diapré diastasé diazoté dicarbonylé dichloré diffamant diffamé +diffractant diffringent diffusant différencié différent différé difluoré +diiodé dilatant dilaté diligent dilobé diluant dimensionné dimidié dimidé +diminué diocésain diphasé diplômant diplômé direct dirigeant dirigé dirimant +discipliné discontinu discord discordant discriminant discuté disert disgracié +disloqué disodé disparu dispersant dispersé disposé disproportionné disputé +dissimulé dissipé dissociant dissocié dissolu dissolvant dissonant disséminé +distant distinct distingué distrait distrayant distribué disubstitué disulfoné +divagant divaguant divalent divergent divertissant divin divorcé djaïn +dodu dogmatisant dolent domicilié dominant dominicain donjonné donnant donné +dormant dorsalisant doré douci doué drageonnant dragéifié drainant dramatisant +drapé dreyfusard drogué droit dru drupacé dual ductodépendant dulcifiant dur +duveté dynamisant dynamité dyspnéisant dystrophiant déaminé débarqué débauché +débilitant débloquant débordant débordé débouchant débourgeoisé déboussolé +débridé débrouillard débroussaillant débroussé débutant décadent décaféiné +décalant décalcifiant décalvant décapant décapité décarburant décati décavé +décevant déchagriné décharné déchaînant déchaîné déchevelé déchiqueté +déchiré déchloruré déchu décidu décidué décidé déclaré déclassé déclenchant +décoiffant décolleté décolorant décoloré décompensé décomplémenté décomplété +déconcertant déconditionné déconfit décongestionnant déconnant déconsidéré +décontractant décontracturant décontracté décortiqué décoré découplé découpé +décousu découvert décrispant décrochant décroissant décrépi décrépit décuman +décussé décérébré dédoré défaillant défait défanant défatigant défavorisé +déferlant déferlé défiant déficient défigé défilant défini déflagrant défleuri +défléchi défoliant défoncé déformant défranchi défraîchi défrisant défroqué +défâché défécant déférent dégagé dégingandé dégivrant déglutiné dégonflé +dégourdi dégouttant dégoûtant dégoûté dégradant dégradé dégraissant dégriffé +déguisé dégénérescent dégénéré déhanché déhiscent déjeté délabrant délabré +délassant délavé délayé délibérant délibéré délicat délinquant déliquescent +délitescent délié déloqué déluré délégué démagnétisant démaquillant démaqué +dément démerdard démesuré démixé démodé démontant démonté démoralisant +démotivant démotivé démystifiant démyélinisant démyélisant démêlant dénaturant +dénigrant dénitrant dénitrifiant dénommé dénudé dénutri dénué déodorant +dépapillé dépareillé dépassé dépaysant dépaysé dépeigné dépenaillé dépendant +dépeuplé déphasé dépité déplacé déplaisant déplaquetté déplasmatisé dépliant +déplumant déplumé déplété dépoitraillé dépolarisant dépoli dépolitisant +déponent déporté déposant déposé dépouillé dépourvu dépoussiérant dépravant +déprimant déprimé déprédé dépérissant dépétainisé déracinant déraciné +dérangé dérapant dérestauré dérivant dérivé dérobé dérogeant déroulant +déréalisant déréglé désabusé désaccordé désadapté désaffectivé désaffecté +désaisonnalisé désaligné désaliénant désaltérant désaluminisé désambiguïsé +désargenté désarmant désarçonnant désassorti désatomisé désaturant désaxé +désemparé désenchanté désensibilisant désert désespérant désespéré +désherbant déshonorant déshumanisant déshydratant déshydraté déshydrogénant +désiconisé désillusionnant désincarné désincrustant désinfectant +désintéressé désirant désobligeant désoblitérant désobéi désobéissant +désodorisant désodé désoeuvré désolant désolé désopilant désordonné +désorienté désossé désoxydant désoxygénant déstabilisant déstressant +désuni déséquilibrant déséquilibré détachant détaché détartrant détendu détenu +déterminant déterminé déterré détonant détonnant détourné détraqué détérioré +développé déverbalisant dévergondé déversé dévertébré déviant dévissé +dévoisé dévolu dévorant dévot dévoué dévoyé déwatté déçu effacé effarant +effarouché effaré effervescent efficient effiloché effilé efflanqué +effluent effondré effrangé effrayant effrayé effronté effréné efféminé +emballant embarrassant embarrassé embellissant embiellé embouché embouti +embrassant embrassé embrouillant embrouillé embroussaillé embruiné embryonné +embusqué embêtant emmerdant emmiellant emmiélant emmotté empaillé empanaché +empenné emperlé empesé empiétant emplumé empoignant empoisonnant emporté +empressé emprunté empâté empêché empêtré encaissant encaissé encalminé +encapsulant encapsulé encartouché encastré encerclant enchanté enchifrené +encloisonné encloqué encombrant encombré encorné encourageant encroué +encroûté enculé endenté endiablé endiamanté endimanché endogé endolori +endormi endurant endurci enfantin enfariné enflammé enflé enfoiré enfoncé +engageant engagé engainant englanté englobant engoulé engourdi engourdissant +engraissant engravé engrenant engrené engrêlé enguiché enhardé enivrant +enjambé enjoué enkikinant enkysté enlaidissant enlaçant enlevé enneigé ennemi +ennuyant ennuyé enquiquinant enracinant enrageant enragé enregistrant enrhumé +enrichissant enrobé enseignant enseigné ensellé ensoleillé ensommeillé +ensoutané ensuqué entartré entendu enterré enthousiasmant entouré entrant +entraînant entrecoupé entrecroisé entrelacé entrelardé entreprenant entresolé +entrouvert enturbanné enté entêtant entêté envahissant envapé enveloppant +envenimé enviné environnant envié envoyé envoûtant ergoté errant erroné +escarpé espacé espagnol espagnolisant esquintant esquinté esseulé essorant +estomaqué estompé estropié estudiantin euphorisant euphémisé eurafricain +exacerbé exact exagéré exalbuminé exaltant exalté exaspérant excellent +excepté excitant excité exclu excluant excommunié excru excédant exempt +exercé exerçant exfoliant exhalant exhilarant exigeant exilé exinscrit +exondé exorbitant exorbité exosporé exostosant expansé expatrié expectant +expert expirant exploitant exploité exposé expropriant exproprié expulsé +expérimenté extasié extemporané extradossé extrafort extraplat extrapériosté +extraverti extroverti exténuant extérieur exubérant exultant facilitant +faiblissant faignant failli faillé fainéant faisandé faisant fait falot falqué +fané faraud farci fardé farfelu farinacé fasciculé fascinant fascisant fascié +fassi fastigié fat fatal fatigant fatigué fauché favorisant façonné faïencé +feint fendant fendillé fendu fenestré fenian fenêtré fermant fermentant +ferritisant ferruginisé ferré fertilisant fervent fescennin fessu festal +festival feuillagé feuilleté feuillu feuillé feutrant feutré fiancé fibrillé +ficelé fichant fichu fieffé figulin figuré figé filant fileté filoguidé +filé fimbrié fin final finalisé finaud fini finissant fiérot flabellé flagellé +flagrant flamand flambant flamboyant flambé flamingant flammé flanchard +flanquant flapi flatulent flavescent flemmard fleurdelisé fleuri fleurissant +flippant florentin florissant flottant flottard flotté flou fluctuant fluent +fluidifié fluocompact fluorescent fluoré flushé fléchissant fléché flémard +flétrissant flûté foisonnant foliacé folié folliculé folâtrant foncé fondant +fondé forain foraminé forcené forcé forfait forgé formalisé formaté formicant +formé fort fortifiant fortrait fortuit fortuné fossilisé foudroyant fouettard +fouillé fouinard foulant fourbu fourcheté fourchu fourché fourmillant fourni +foutral foutu foxé fracassant fractal fractionné fragilisant fragrant +franchouillard francisant franciscain franciscanisant frangeant frappant +fratrisé frelaté fretté friand frigorifié fringant fringué friqué frisant +frisotté frissonnant frisé frit froid froissant froncé frondescent frottant +froussard fructifiant fruité frumentacé frustrant frustré frutescent +fréquent fréquenté frétillant fugué fulgurant fulminant fumant fumé furfuracé +furibond fusant fuselé futur futé fuyant fuyard fâché fébricitant fécond +féculent fédéré félin féminin féminisant férin férié féru fêlé gabalitain +gagé gai gaillard galant galbé gallican gallinacé galloisant galonné galopant +ganglionné gangrené gangué gantelé garant garanti gardé garni garnissant +gauchisant gazonnant gazonné gazouillant gazé gaël geignard gelé genouillé +germanisant germé gestant gesticulant gibelin gigotant gigotté gigoté girond +gironné gisant gitan givrant givré glabrescent glacial glacé glandouillant +glapissant glaçant glissant glissé globalisant glomérulé glottalisé +gloussant gloutonnant gluant glucosé glycosylé glycuroconjugué godillé +goguenard gommant gommé goménolé gondolant gonflant gonflé gouleyant goulu +gourmand gourmé goussaut gouvernant gouverné goûtu goûté gradué gradé graffité +grand grandiloquent grandissant granité granoclassé granulé graphitisant +grasseyant gratifiant gratiné gratuit gravant gravitant greffant grelottant +grenelé grenu grené griffu grignard grilleté grillé grimaçant grimpant +grinçant grippé grisant grisonnant grivelé grondant grossissant grouillant +grésillant gueulard guignard guilloché guillotiné guindé guivré guéri gâté +gélatinisant gélatiné gélifiant gélifié géminé gémissant géniculé généralisant +géométrisant gérant gênant gêné gîté habilitant habilité habillé habitué +hachuré haché hagard halbrené haletant halin hallucinant halluciné hanché +hanté harassant harassé harcelant harcelé hardi harpé hasté haut hautain +hennissant heptaperforé herbacé herborisé herbu herminé hernié hersé heurté +hibernant hilarant hindou hircin hispanisant historicisant historisant +hivernant hiérosolymitain holocristallin hominisé homogénéisé homoprothallé +homoxylé honorant honoré hordéacé hormonodéprivé horodaté horrifiant +hottentot hoyé huguenot huitard humain humectant humiliant humilié huppé +hutu hyalin hydratant hydrocarboné hydrochloré hydrocuté hydrogénant hydrogéné +hydrosalin hydrosodé hydroxylé hyperalcalin hypercalcifiant hypercalcémiant +hypercoagulant hypercommunicant hypercorrect hyperfin hyperfractionné +hyperisé hyperlordosé hypermotivé hyperphosphatémiant hyperplan hypersomnolent +hypertrophiant hypertrophié hypervascularisé hypnotisant hypoalgésiant +hypocalcémiant hypocarpogé hypocholestérolémiant hypocotylé hypoglycémiant +hypolipidémiant hypophosphatémiant hyposodé hypotendu hypotonisant +hypovirulent hypoxémiant hâlé hébraïsant hébété hélicosporé héliomarin +hélitransporté hémicordé hémicristallin hémiplégié hémodialysé hémopigmenté +hépatostrié hérissant hérissé hésitant hétéroprothallé hétérosporé hétérostylé +identifié idiot idiotifiant idéal ignifugeant ignorant ignorantin ignoré igné +illimité illuminé imaginant imaginé imagé imbriqué imbrûlé imbu imité immaculé +immergé immigrant immigré imminent immodéré immortalisant immotivé immun +immunocompétent immunodéprimant immunodéprimé immunostimulant immunosupprimé +immédiat immérité impair impaludé imparfait imparidigité imparipenné impatient +impayé impensé imperforé impermanent imperméabilisant impertinent implorant +important importun importé imposant imposé impotent impressionnant imprimant +impromptu impromulgué improuvé imprudent imprévoyant imprévu impudent +impuni impur impénitent impétiginisé inabordé inabouti inabrité inabrogé +inaccepté inaccompli inaccoutumé inachevé inactivé inadapté inadéquat +inaguerri inaliéné inaltéré inanalysé inanimé inanitié inapaisé inaperçu +inapparenté inappliqué inapprivoisé inapproprié inapprécié inapprêté +inarticulé inassimilé inassorti inassouvi inassujetti inattaqué inattendu +inavoué incandescent incapacitant incarnadin incarnat incarné incendié +incessant inchangé inchâtié incident incidenté incitant incivil inclassé +incliné inclément incohérent incombant incomitant incommodant incommuniqué +incompétent inconditionné inconfessé incongru incongruent inconnu inconquis +inconsidéré inconsistant inconsolé inconsommé inconstant inconséquent +incontesté incontinent incontrôlé inconvenant incoordonné incorporant +incorrect incorrigé incriminant incriminé incritiqué incroyant incrustant +incréé incubant inculpé incultivé incurvé indeviné indifférencié indifférent +indirect indirigé indiscipliné indiscriminé indiscuté indisposé indistinct +indolent indompté indou indu induit indulgent indupliqué induré +indébrouillé indécent indéchiffré indécidué indéfini indéfinisé indéfriché +indélibéré indélicat indémontré indémêlé indépassé indépendant indépensé +indéterminé ineffectué inefficient inemployé inentamé inentendu inespéré +inexaucé inexercé inexistant inexpert inexpié inexpliqué inexploité inexploré +inexprimé inexpérimenté inexécuté infamant infantilisant infarci infatué +infectant infecté infestant infesté infichu infiltrant infini inflammé +infléchi infondé informant informulé infortuné infoutu infréquenté infusé +inféodé inférieur inférovarié ingrat ingénu inhabité inhalant inhibant inhibé +inhérent inimité inintelligent ininterrompu inintéressant initié injecté +innervant innocent innominé innommé innomé innovant inné inobservé inoccupé +inondé inopiné inopportun inopérant inorganisé inoublié inouï inquiétant +insatisfait insaturé inscrit insensé insermenté insignifiant insinuant +insolent insondé insonorisant insonorisé insouciant insoupçonné inspirant +inspécifié installé instant instantané instructuré instruit insubordonné +insulinodépendant insulinorésistant insultant insulté insurgé insécurisant +intelligent intempérant intentionné interallié interaméricain intercepté +intercristallin intercurrent interdigité interdiocésain interdit +interfacé interfécond interférent interloqué intermittent intermédié interpolé +interprétant intersecté intersexué interstratifié interurbain intervenant +intestin intimidant intolérant intoxicant intoxiqué intramontagnard +intrigant introduit introjecté introverti intumescent intégrant intégrifolié +intéressé intérieur inusité inutilisé invaincu invalidant invariant invendu +inverti invertébré inviolé invitant involucré involuté invérifié invétéré +inéclairci inécouté inédit inégalé inélégant inéprouvé inépuisé inéquivalent +iodoformé ioduré iodylé iodé ionisant iridescent iridié irisé ironisant +irraisonné irrassasié irritant irrité irréalisé irréfléchi irréfuté irrémunéré +irrésolu irrévélé islamisant isohalin isolant isolé isosporé issant issu +itinérant ivoirin jacent jacobin jaillissant jamaïcain jamaïquain jambé +japonné jardiné jarreté jarré jaspé jauni jaunissant javelé jaïn jobard joint +joli joufflu jouissant jovial jubilant juché judaïsant jumelé juponné juré +juxtaposant juxtaposé kalmouk kanak kazakh kenyan kosovar kératinisé labié +lacinié lactant lactescent lactosé lacté lai laid lainé laité lambin lambrissé +lamifié laminé lampant lampassé lamé lancinant lancé lancéolé languissant +lapon laqué lardacé larmoyant larvé laryngé lassant latent latifolié latin +latté latéralisé lauré lauréat lavant lavé laïcisant lent lenticulé letton +lettré leucopéniant leucosporé leucostimulant levant levantin levretté levé +liant libertin libéré licencié lichénifié liftant lifté ligaturé lignifié +ligulé lilacé limacé limitant limougeaud limousin lionné lippu liquéfiant +lithiné lithié lité lié liégé lobulé lobé localisé loculé lointain lombard +lorrain loré losangé loti louchant loupé lourd lourdaud lubrifiant luisant +lunetté lunulé luné lusitain lustré luthé lutin lutéinisant lutéostimulant +lyophilisé lyré léché lénifiant léonard léonin léopardé lézardé maboul maclé +madré mafflu maghrébin magnésié magnétisant magrébin magyar mahométan maillant +majeur majorant majorquin maladroit malaisé malavisé malbâti malentendant +malformé malintentionné malnutri malodorant malotru malouin malpoli malsain +malséant maltraitant malté malveillant malvoyant maléficié mamelonné mamelu +manchot mandarin mandchou maniéré mannité manoeuvrant manquant manqué mansardé +mantouan manuscrit manuélin maori maraîchin marbré marcescent marchand +marial marin mariol marié marmottant marocain maronnant marquant marqueté +marquésan marrant marri martelé martyr marxisant masculin masculinisant +masqué massacrant massant massé massétérin mat matelassé mati matérialisé +maugrabin maugrebin meilleur melonné membrané membru menacé menant menaçant +mentholé menu merdoyant mesquin messin mesuré meublant mexicain micacé +microencapsulé microgrenu microplissé microéclaté miellé mignard migrant +militant millerandé millimétré millésimé mineur minidosé minorant minorquin +miraculé miraillé miraud mirobolant miroitant miroité miré mitigé mitré mité +mobiliérisé mochard modelant modifiant modulant modulé modélisant modéré +mogol moiré moisi moleté molletonné mollissant momentané momifié mondain mondé +monilié monobromé monochlamydé monochloré monocomposé monocontinu +monofluoré monogrammé monohalogéné monohydraté mononucléé monophasé +monopérianthé monoréfringent monosporé monotriphasé monovalent montagnard +montpelliérain monté monténégrin monumenté moralisant mordant mordicant +mordu morfal morfondu moribond moricaud mormon mort mortifiant morvandiot +mosellan motivant motivé mouchard moucheté mouflé mouillant mouillé moulant +moulé mourant moussant moussu moustachu moutonnant moutonné mouvant mouvementé +moyé mozambicain mucroné mugissant mulard multiarticulé multidigité +multilobé multinucléé multiperforé multiprogrammé multirésistant multisérié +multivalent multivarié multivitaminé multivoltin munificent murin muriqué +murrhin musard musclé musqué mussipontain musulman mutant mutilant mutin +myorelaxant myrrhé mystifiant mythifiant myélinisant myélinisé mâtiné méchant +méconnu mécontent mécréant médaillé médian médiat médicalisé médisant +méfiant mélangé mélanostimulant méningé méplat méprisant méritant mérulé +métallescent métallisé métamérisé métastasé méthoxylé méthyluré +métropolitain météorisant mêlé mûr mûrissant nabot nacré nageant nain naissant +nanti napolitain narcissisant nasard nasillard natal natté naturalisé naufragé +naval navigant navrant nazi nervin nervuré nervé nettoyant neumé neuralisant +neuroméningé neutralisant nickelé nictitant nidifiant nigaud nigérian +nippon nitescent nitrant nitrifiant nitrosé nitrurant nitré noir noiraud +nombrant nombré nominalisé nommé nonchalant normalisé normand normodosé +normotendu normé notarié nourri nourrissant noué noyé nu nuagé nuancé nucléolé +nullard numéroté nutant nué né nébulé nécessitant nécrosant négligent négligé +néoformé néolatin néonatal névrosant névrosé obligeant obligé oblitérant +obscur observant obsolescent obstiné obstrué obsédant obsédé obséquent +obturé obéi obéissant obéré occitan occupant occupé occurrent ocellé ochracé +oculé odorant odoriférant oeillé oeuvé offensant offensé officiant offrant +olivacé oléacé oléfiant oléifiant oman ombellé ombiliqué ombragé ombré +omniprésent omniscient ondoyant ondulant ondulé ondé onglé onguiculé ongulé +opalescent opalin operculé opiacé opportun opposant oppositifolié opposé +oppressé opprimant opprimé opsonisant optimalisant optimisant opulent opérant +orant ordonné ordré oreillard oreillé orfévré organisé organochloré +organosilicié orientalisant orienté oropharyngé orphelin orthonormé ortié +osmié ossifiant ossifluent ossu ostial ostracé ostrogot ostrogoth ostréacé osé +ouaté ourlé oursin outillé outrageant outragé outrecuidant outrepassé outré +ouvragé ouvrant ouvré ovalisé ovillé ovin ovulant ové oxycarboné oxydant +oxygéné ozoné oïdié pacifiant padan padouan pahlavi paillard pailleté pair +palatin palermitain palissé pallotin palmatilobé palmatinervé palmatiséqué +palmiséqué palmé palpitant panaché panafricain panard paniculé paniquant panné +pantelant pantouflard pané papalin papelard papilionacé papillonnant +papou papyracé paraffiné paralysant paralysé paramédian parcheminé parent +parfumé paridigitidé paridigité parigot paripenné parlant parlé parmesan +parsi partagé partant parti participant partisan partousard partouzard +parvenu paré passant passepoilé passerillé passionnant passionné passé pataud +patelin patelinant patent patenté patient patoisant patriotard pattu patté +paumé pavé payant pectiné pehlevi peigné peinard peint pelliculant pelliculé +peluché pelé penaud penchant penché pendant pendu pennatilobé pennatinervé +penninervé penné pensant pensionné pentavalent pentu peptoné perchloraté +percutant percutané perdant perdu perfectionné perfolié perforant performant +perfusé perlant perluré perlé permanent permutant perphosporé perruqué persan +persistant personnalisé personnifié personé persuadé persulfuré persécuté +pertinent perturbant perverti perçant pesant pestiféré petiot petit peul +pharmocodépendant pharyngé phasé philippin philistin phophorylé phosphaté +phosphoré photoinduit photoluminescent photorésistant photosensibilisant +phénolé phénotypé piaffant piaillant piaillard picard picoté pigeonnant +pignonné pillard pilonnant pilosébacé pimpant pinaillé pinchard pincé pinné +pinçard pionçant piquant piqué pisan pistillé pitchoun pivotant piégé +placé plafonnant plaidant plaignant plain plaisant plan planant planté plané +plasmolysé plastifiant plat plein pleurant pleurard pleurnichard pliant +plissé plié plombé plongeant plumeté pluriarticulé plurihandicapé plurinucléé +plurivalent pochard poché poignant poilant poilu pointillé pointu pointé +poitevin poivré polarisant polarisé poli policé politicard polluant +polycarburant polychloré polycontaminé polycopié polycristallin polydésaturé +polyhandicapé polyinsaturé polylobé polynitré polynucléé polyparasité +polysubstitué polysyphilisé polytransfusé polytraumatisé polyvalent +polyvoltin pommelé pommeté pompant pompé ponctué pondéré pontifiant pontin +poplité poqué porcelainé porcin porracé portant portoricain possédant possédé +postillonné postnatal postnéonatal posté postérieur posé potelé potencé +poupin pourprin pourri pourrissant poursuivant pourtournant poussant poussé +pratiquant prenant prescient prescrit pressant pressionné pressé prieur primal +privilégié probant prochain procombant procubain profilé profitant profond +programmé prohibé projetant prolabé proliférant prolongé prompt promu +prononcé propané proportionné proratisé proscrit prostré protestant protonant +protubérant protéiné provenant provocant provoqué proéminent prudent pruiné +préalpin prébendé précipitant précipité précité précompact préconscient +précontraint préconçu précuit précédent prédesséché prédestiné prédiffusé +prédisposant prédominant prédécoupé préemballé préencollé préenregistré +préfabriqué préfixé préformant préfragmenté préférant préféré prégnant +prélatin prématuré prémuni prémédité prénasalisé prénatal prénommé préoblitéré +préoccupé préparant prépayé prépondérant prépositionné préprogrammé préroman +présalé présanctifié présent présignifié présumé présupposé prétendu +prétraité prévalant prévalent prévenant prévenu prévoyant prévu préémargé +préétabli prêt prêtant prêté psychiatrisé psychostimulant psychoénergisant +puant pubescent pudibond puissant pulsant pulsé pultacé pulvérulent puni pur +puritain purpuracé purpurin purulent pustulé putrescent putréfié puéril puîné +pyramidant pyramidé pyrazolé pyroxylé pâli pâlissant pédant pédantisant +pédiculosé pédiculé pédonculé pékiné pélorié pénalisant pénard pénicillé +pénétrant pénétré péquenaud pérennant périanthé périgourdin périmé périnatal +pérégrin pérégrinant péréqué pétant pétaradant pétillant pétiolé pétochard +pétrifiant pétrifié pétré pétulant pêchant qatari quadrifolié quadrigéminé +quadriparti quadrivalent quadruplété qualifiant qualifié quantifié quart +questionné quiescent quinaud quint quintessencié quintilobé quiné quérulent +rabattable rabattant rabattu rabougri raccourci racorni racé radiant radicant +radiodiffusé radiolipiodolé radiorésistant radiotransparent radiotélévisé +raffermissant raffiné rafraîchi rafraîchissant rageant ragot ragoûtant +raisonné rajeunissant rallié ramassé ramenard ramifié ramolli ramollissant +ramé ranci rangé rapatrié rapiat raplati rappelé rapporté rapproché rarescent +rasant rassasiant rassasié rassemblé rassurant rassuré rassérénant rasé +ratiocinant rationalisé raté ravageant ravagé ravalé ravi ravigotant ravissant +rayé rebattu rebondi rebondissant rebutant recalé recarburant recercelé +rechigné recombinant recommandé reconnaissant reconnu reconstituant recoqueté +recroiseté recroquevillé recru recrudescent recrutant rectifiant recueilli +redenté redondant redoublant redoublé refait refoulant refoulé refroidissant +regardant regrossi reinté relaxant relevé reluisant relâché relégué remarqué +rempli remuant renaissant renchéri rendu renfermé renflé renfoncé renforçant +rengagé renommé rentrant rentré renté renversant renversé repentant repenti +reporté reposant reposé repoussant repoussé repressé représentant repu +resarcelé rescapé rescindant rescié respirant resplendissant ressemblant +ressortissant ressurgi ressuscité restant restreint restringent resurgi +retardé retentissant retenu retiré retombant retrait retraité retrayant +retroussé revanchard revigorant revitalisant reviviscent reçu rhinopharyngé +rhodié rhumatisant rhumé rhénan rhônalpin riant ribaud riboulant ricain +riciné ridé rifain rigolard ringard risqué riverain roidi romagnol romain +romand romanisant rompu rond rondouillard ronflant rongeant rosacé rossard +rotacé roublard roucoulant rouergat rougeaud rougeoyant rougi rougissant +rouleauté roulotté roulé roumain rouquin rousseauisant routinisé roué rubané +rubicond rubéfiant rudenté rugissant ruiné ruisselant ruminant rupin rurbain +rusé rutilant rythmé râblé râlant râpé réadapté réalisant récalcitrant récent +réchauffant réchauffé récidivant récitant réclamant réclinant récliné +réconfortant récurant récurrent récurvé récusant réduit réentrant réflectorisé +réfléchissant réformé réfrigérant réfrigéré réfringent réfugié référencé +régissant réglant réglé régnant régressé régénérant régénéré réhabilité +réitéré réjoui réjouissant rémanent rémittent rémunéré rénitent répandu +réprouvé républicain répugnant réputé réservé résidant résident résigné +résiné résistant résolu résolvant résonant résonnant résorbant résorciné +résumé résupiné résurgent rétabli rétamé réticent réticulé rétrofléchi +rétroréfléchissant rétréci réuni réussi réverbérant révoltant révolté révolu +révulsant révulsé révélé révérend rééquilibrant rêvé rôti sabin saccadé +sacchariné sacrifié sacré safrané sagitté sahraoui saignant saignotant +sain saint saisi saisissant saladin salant salarié salicylé salin salissant +samaritain samoan sanctifiant sanglant sanglotant sanguin sanguinolent +sanskrit santalin saoul saoulard saponacé sarrasin satané satiné satisfaisant +saturant saturnin saturé saucissonné saucé saugrenu saumoné saumuré sautant +sautillé sauté sauvagin savant savoyard scalant scarifié scellé sciant +sclérosant sclérosé scolié scoriacé scorifiant scout script scrobiculé +second secrétant semelé semi-fini sempervirent semé sensibilisant sensé senti +serein serpentin serré servant servi seul sexdigité sexué sexvalent seyant +sibyllin sidérant sifflant sigillé siglé signalé signifiant silicié silicosé +simplifié simultané simulé sinapisé sinisant siphonné situé slavisant +snobinard socialisant sociologisant sodé soiffard soignant soigné solognot +somali sommeillant sommé somnolant somnolent sonnant sonné sorbonnard sortant +souahéli soudain soudant soudé soufflant soufflé souffrant soufi soulevé +sourd souriant soussigné soutenu souterrain souverain soûlant soûlard +spatulé spermagglutinant spermimmobilisant sphacélé spiralé spirant spiritain +splénectomisé spontané sporulé spumescent spécialisé stabilisant stagnant +staphylin stationné stibié stigmatisant stigmatisé stimulant stipendié stipité +stipulé stratifié stressant strict strident stridulant strié structurant +stupéfait stupéfiant stylé sténohalin sténosant stérilisant stérilisé +su suant subalpin subclaquant subconscient subintrant subit subjacent +sublimant subneutralisant subordonnant subordonné subrogé subsident subséquent +subulé suburbain subventionné subérifié succenturié succinct succulent +sucrant sucré sucé suffisant suffocant suffragant suicidé suintant suivant +sulfamidorésistant sulfamidé sulfaté sulfhydrylé sulfoné sulfurant sulfurisé +superfin superfini superflu supergéant superhydratant superordonné superovarié +suppliant supplicié suppléant supportant supposé suppurant suppuré +supradivergent suprahumain supérieur surabondant suractivé surajouté suranné +surbrillant surchargé surchauffé surclassé surcomposé surcomprimé surcouplé +surdéterminant surdéterminé surdéveloppé surencombré surexcitant surexcité +surfin surfondu surfrappé surgelé surgi surglacé surhaussé surhumain suri +surmenant surmené surmultiplié surmusclé surneigé suroxygéné surperformé +surplombant surplué surprenant surpressé surpuissant surréalisant sursalé +sursaturé sursilicé surveillé survitaminé survivant survolté surémancipé +susdit susdénommé susmentionné susnommé suspect suspendu susrelaté susurrant +suzerain suédé swahili swahéli swazi swingant swingué sylvain sympathisant +synanthéré synchronisé syncopé syndiqué synthétisant systématisé séant sébacé +séchant sécurisant sécurisé séduisant ségrégué ségrégé sélectionné sélénié +sémitisant sénescent séparé séquencé séquestrant sérigraphié séroconverti +sérotonicodépendant sétacé sévillan tabou tabouisé tacheté taché tadjik taillé +taloté taluté talé tamil tamisant tamisé tamoul tangent tannant tanné tapant +tapissant taponné tapé taqueté taquin tarabiscoté taraudant tarentin tari +tartré taré tassé tatar taupé taurin tavelé teint teintant teinté telluré +tempérant tempéré tenaillant tenant tendu tentant ternifolié terraqué +terrifiant terrorisant tessellé testacé texan texturant texturé thallosporé +thermisé thermocollant thermodurci thermofixé thermoformé thermohalin +thermoluminescent thermopropulsé thermorémanent thermorésistant thrombopéniant +thrombosé thymodépendant thébain théocentré théorbé tibétain tiercé tigré tigé +timbré timoré tintinnabulant tiqueté tirant tiré tisonné tissu titané titré +tocard toisonné tolérant tombal tombant tombé tonal tondant tondu tonifiant +tonnant tonsuré tonturé tophacé toquard toqué torché tordant tordu torsadé +tortu torturant toscan totalisant totipotent touchant touffu toulousain +tourelé tourmentant tourmenté tournant tournoyant tourné tracassant tracté +traitant tramaillé tranchant tranché tranquillisant transafricain transalpin +transandin transcendant transcutané transfini transfixiant transformant +transi transloqué transmutant transpadan transparent transperçant transpirant +transposé transtévérin transylvain trapu traumatisant traumatisé travaillant +traversant travesti traçant traînant traînard treillissé tremblant tremblotant +trempant trempé tressaillant triboluminescent tributant trichiné tricoté +tridenté trifoliolé trifolié trifurqué trigéminé trilobé trin trinervé +triparti triphasé triphosphaté trisubstitué tritié trituberculé triturant +trivialisé trompettant tronqué troublant trouillard trouvé troué truand +truffé truité trypsiné trébuchant tréflé trémulant trépassé trépidant +tuant tubard tubectomisé tuberculé tubulé tubéracé tubérifié tubérisé tufacé +tuilé tumescent tuméfié tuniqué turbiné turbocompressé turbulent turgescent +tutsi tué twisté typé tâtonnant téflonisé téléphoné télévisé ténorisant +térébrant tétraphasé tétrasubstitué tétravalent têtu tôlé ulcéré ultraciblé +ultracourt ultrafin ultramontain ultérieur uncinulé unciné uni unifiant +uniformisant unilobé uninucléé uniovulé unipotent uniramé uniréfringent +unistratifié unisérié unitegminé univalent univitellin univoltin urbain +urgent urticant usagé usant usité usé utriculé utérin utérosacré vacant +vacciné vachard vacillant vadrouillant vagabond vagabondant vaginé vagissant +vain vaincu vairé valdôtain valgisant validant vallonné valorisant valué +valvé vanadié vanilliné vanillé vanisé vanné vantard variolé varisant varié +varvé vasard vascularisé vasostimulant vasouillard vaudou veinard veiné +velu venaissin venant vendu ventripotent ventromédian ventru venté verdissant +vergeté verglacé verglaçant vergé verjuté vermicellé vermiculé vermoulant +verni vernissé verré versant versé vert verticillé vertébré vespertin vexant +vibrionnant vicariant vicelard vicié vieilli vieillissant vigil vigilant +vigorisant vil vilain violacé violent violoné vipérin virevoltant viril +virulent visigoth vitaminé vitellin vitré vivant viverrin vivifiant vivotant +vogoul voilé voisin voisé volant volanté volatil voletant voltigeant volvulé +vorticellé voulu voussé voyant voûté vrai vrillé vrombissant vu vulnérant +vulturin vécu végétant véhément vélin vélomotorisé vérolé vésicant vésiculé +vêtu wallingant watté wisigoth youpin zazou zend zigzagant zinzolin zoné +zoulou zélé zézayant âgé ânonnant ébahi ébaubi éberlué éblouissant ébouriffant +éburnin éburné écaillé écartelé écarté écervelé échancré échantillonné échappé +échauffant échauffé échevelé échiqueté échoguidé échu éclairant éclaircissant +éclatant éclaté éclipsant éclopé écoeurant écorché écoté écoutant écranté +écrasé écrit écru écrémé éculé écumant édenté édifiant édulcorant égaillé +égaré égayant égrillard égrisé égrotant égueulé éhanché éhonté élaboré élancé +électrisant électroconvulsivant électrofondu électroluminescent +élevé élingué élisabéthain élizabéthain éloigné éloquent élu élégant +émacié émanché émancipé émarginé émergent émergé émerillonné émerveillant +émigré éminent émollient émotionnant émoulu émoustillant émouvant ému +émulsionnant éméché émétisant énergisant énervant énervé épaississant épanoui +épargnant épatant épaté épeigné éperdu épeuré épicotylé épicutané épicé +épigé épinglé éploré éployé épointé époustouflant épouvanté éprouvant éprouvé +épuisé épuré équicontinu équidistant équilibrant équilibré équin équipollent +équipolé équipotent équipé équitant équivalent éraillé éreintant éreinté +érubescent érudit érythématopultacé établi étagé éteint étendu éthéré +étiolé étoffé étoilé étonnant étonné étouffant étouffé étourdi étourdissant +étriquant étriqué étroit étudiant étudié étymologisant évacuant évacué évadé +""".split() +) diff --git a/spacy/lang/fr/lemmatizer/_adverbs.py b/spacy/lang/fr/lemmatizer/_adverbs.py index e377a3000..f52387c19 100644 --- a/spacy/lang/fr/lemmatizer/_adverbs.py +++ b/spacy/lang/fr/lemmatizer/_adverbs.py @@ -2,552 +2,554 @@ from __future__ import unicode_literals -ADVERBS = set(""" - abandonnément abjectement abominablement abondamment aboralement abouliquement - abruptement abrégément abréviativement absconsement absconsément absolument - abstraitement abstrusément absurdement abusivement académiquement - accelerando acceptablement accessoirement accidentellement accortement - acidement acoustiquement acrimonieusement acrobatiquement actiniquement - actuellement adagio additionnellement additivement adiabatiquement - adjectivement administrativement admirablement admirativement adorablement - adultérieurement adverbialement adversativement adéquatement affablement - affectionnément affectivement affectueusement affinement affirmativement - agilement agitato agnostiquement agogiquement agressivement agrestement - agrologiquement agronomiquement agréablement aguicheusement aidant aigrement - ailleurs aimablement ainsi aisément alchimiquement alcooliquement alentour - algorithmiquement algébriquement alias alimentairement allegretto allegro - allopathiquement allusivement allègrement allégoriquement allégrement allégro - alphabétiquement alternativement altimétriquement altièrement altruistement - amabile ambigument ambitieusement amiablement amicalement amiteusement - amoroso amoureusement amphibologiquement amphigouriquement amplement - amusément amènement amèrement anachroniquement anagogiquement - analogiquement analoguement analytiquement anaphoriquement anarchiquement - ancestralement anciennement andante andantino anecdotiquement angulairement - angéliquement anharmoniquement animalement animato annuellement anodinement - anormalement anthropocentriquement anthropologiquement anthropomorphiquement - anticipativement anticonstitutionnellement antidémocratiquement - antinomiquement antipathiquement antipatriotiquement antiquement - antisocialement antisportivement antisymétriquement antithétiquement - antiétatiquement antécédemment antérieurement anxieusement apathiquement - apicalement apocalyptiquement apodictiquement apologétiquement apostoliquement - appassionato approbativement approchant approximativement appréciablement - après-demain aquatiquement arbitrairement arbitralement archaïquement - architecturalement archéologiquement ardemment argotiquement aridement - arithmétiquement aromatiquement arrière arrogamment articulairement - artificiellement artificieusement artisanalement artistement artistiquement - aseptiquement asiatiquement assai assertivement assertoriquement assez - associativement assurément astrologiquement astrométriquement astronomiquement - astucieusement asymptotiquement asymétriquement ataviquement ataxiquement - atomiquement atrabilairement atrocement attenant attentionnément attentivement - attractivement atypiquement aucunement audacieusement audiblement - auditivement auguralement augustement aujourd'hui auparavant auprès - aussi aussitôt austèrement autant autarciquement authentiquement - autographiquement automatiquement autonomement autoritairement autrefois - auxiliairement avant avant-hier avantageusement avarement avaricieusement - aventurément aveuglément avidement avunculairement axialement axiologiquement - aériennement aérodynamiquement aérostatiquement babéliquement bachiquement - badaudement badinement balistiquement balourdement balsamiquement banalement - barbarement barométriquement baroquement bas bassement batailleusement - baveusement beau beaucoup bellement belliqueusement ben bene benoîtement - bestialement bibliographiquement bibliquement bien bienheureusement bientôt - bigotement bigrement bihebdomadairement bijectivement bijournellement - bileusement bilieusement bilinéairement bimensuellement bimestriellement - bioacoustiquement biochimiquement bioclimatiquement biodynamiquement - biogénétiquement biologiquement biomédicalement bioniquement biophysiquement - bioélectroniquement bioénergétiquement bipolairement biquotidiennement bis - biunivoquement bizarrement bizarroïdement blafardement blagueusement - blondement blâmablement bon bonassement bonnement bordéliquement botaniquement - boueusement bouffonnement bougonnement bougrement boulimiquement - bravachement bravement bredouilleusement bref brillamment brièvement - brumeusement brusquement brut brutalement bruyamment bucoliquement - bureaucratiquement burlesquement byzantinement béatement bégueulement - bénéfiquement bénévolement béotiennement bésef bézef bêtement cabalistiquement - cabotinement cachottièrement cacophoniquement caf cafardeusement - cajoleusement calamiteusement calligraphiquement calmement calmos - calorimétriquement caloriquement canaillement cancérologiquement candidement - cantabile capablement capillairement capitalement capitulairement - captieusement caractériellement caractérologiquement cardiographiquement - caricaturalement carrément cartographiquement cartésiennement casanièrement - casuellement catalytiquement catastrophiquement catholiquement - catégoriquement causalement causativement caustiquement cauteleusement - caverneusement cellulairement censitairement censément centièmement - cependant certainement certes cf chafouinement chagrinement chaleureusement - chaotiquement charismatiquement charitablement charnellement chastement - chattement chaud chaudement chauvinement chenuement cher chevaleresquement - chichement chichiteusement chimiquement chimériquement chinoisement - chiquement chirographairement chirographiquement chirurgicalement chiément - chouettement chromatiquement chroniquement chronologiquement - chrétiennement chèrement chétivement ci cinquantièmement cinquièmement - cinématographiquement cinétiquement circonspectement circonstanciellement - citadinement civilement civiquement clairement clandestinement classiquement - climatologiquement cliniquement cléricalement cocassement cochonnement - coextensivement collatéralement collectivement collusoirement collégialement - coléreusement colériquement combien combinatoirement comiquement comme - comment commercialement comminatoirement commodément communalement - communément comparablement comparativement compatiblement compendieusement - compensatoirement complaisamment complexement complètement complémentairement - compréhensivement comptablement comptant compulsivement conardement - conceptuellement concernant concevablement concisément concomitamment - concurremment concussionnairement condamnablement conditionnellement confer - confidemment confidentiellement conflictuellement conformationnellement - confortablement confraternellement confusément confédéralement congrument - congénitalement coniquement conjecturalement conjointement conjonctivement - conjugalement connardement connement connotativement consciemment - consensuellement conservatoirement considérablement considérément - constamment constitutionnellement constitutivement consubstantiellement - consécutivement conséquemment contagieusement contemplativement - contestablement contextuellement continuellement continûment contractuellement - contrairement contrapuntiquement contrastivement contre contributoirement - convenablement conventionnellement conventuellement convivialement - coopérativement copieusement coquettement coquinement cordialement coriacement - coronairement corporativement corporellement corpusculairement correct - correctionnellement corrosivement corrélativement cosmiquement - cosmographiquement cosmologiquement cossardement cotonneusement couardement - courageusement couramment court courtement courtoisement coutumièrement - craintivement crapuleusement crescendo criardement criminellement - critiquablement critiquement croyez-en crucialement cruellement - crânement crédiblement crédulement crépusculairement crétinement crûment - cuistrement culinairement cultuellement culturellement cumulativement - curativement curieusement cursivement curvilignement cybernétiquement - cylindriquement cyniquement cynégétiquement cytogénétiquement cytologiquement - célestement célibatairement cérébralement cérémoniellement cérémonieusement - d'abondance d'abord d'ailleurs d'après d'arrache-pied d'avance d'emblée d'ici - d'office d'urgence d'évidence dactylographiquement damnablement dangereusement - debout decimo decrescendo dedans dehors demain densément depuis derechef - dernièrement derrière descriptivement despotiquement deusio deuxièmement - devant dextrement dextrorse dextrorsum diablement diaboliquement - diacoustiquement diagonalement dialectalement dialectiquement - dialogiquement diamétralement diantrement diatoniquement dichotomiquement - didactiquement difficilement difficultueusement diffusément différemment - digitalement dignement dilatoirement diligemment dimanche dimensionnellement - dinguement diplomatiquement directement directo disciplinairement - discontinûment discourtoisement discriminatoirement discrètement - discursivement disertement disgracieusement disjonctivement disons-le - dispendieusement disproportionnellement disproportionnément dissemblablement - dissuasivement dissymétriquement distinctement distinctivement distraitement - distributivement dithyrambiquement dito diurnement diversement divinement - dixièmement diététiquement docilement docimologiquement doctement - doctrinairement doctrinalement documentairement dodécaphoniquement - dogmatiquement dolce dolcissimo dolemment dolentement dolosivement - dommageablement donc dont doriquement dorsalement dorénavant doublement - doucereusement doucettement douceâtrement douillettement douloureusement - doux douzièmement draconiennement dramatiquement drastiquement - droit droitement drolatiquement dru drument drôlement dubitativement dur - durement dynamiquement dynamogéniquement dysharmoniquement débilement - décadairement décemment décidément décimalement décisivement déclamatoirement - dédaigneusement déductivement défavorablement défectueusement défensivement - définitivement dégoûtamment dégressivement dégueulassement déictiquement déjà - délibérément délicatement délicieusement déloyalement délétèrement - démentiellement démesurément démocratiquement démographiquement démoniaquement - démonstrativement démotiquement déontologiquement départementalement - déplaisamment déplorablement dépressivement dépréciativement déraisonnablement - dérivationnellement dérogativement dérogatoirement désagréablement - désastreusement désavantageusement désespéramment désespérément déshonnêtement - désobligeamment désolamment désordonnément désormais déterminément - dévotement dévotieusement dûment ecclésiastiquement ecclésiologiquement - efficacement effrayamment effrontément effroyablement effrénément - elliptiquement emblématiquement embryologiquement embryonnairement - emphatiquement empiriquement encor encore encyclopédiquement - endémiquement enfantinement enfin enjôleusement ennuyeusement ensemble - ensuite enthousiastement entièrement entomologiquement enviablement - environ ergonomiquement erratiquement erronément eschatologiquement - espressivo essentiellement esthétiquement estimablement etc ethniquement - ethnolinguistiquement ethnologiquement eucharistiquement euphoniquement - euphémiquement euristiquement européennement eurythmiquement euréka exactement - exaspérément excellemment excentriquement exceptionnellement excepté - exclamativement exclusivement excédentairement exemplairement exhaustivement - existentiellement exorbitamment exotiquement expansivement expertement - explicativement explicitement explosivement explétivement exponentiellement - expressément exprès expéditivement expérimentalement exquisément extatiquement - extensionnellement extensivement extra-muros extrajudiciairement - extravagamment extrinsèquement extrêmement extérieurement exécrablement - exégétiquement fabuleusement facheusement facile facilement facticement - factitivement factuellement facultativement facétieusement fadassement - faiblardement faiblement fallacieusement falotement fameusement familialement - faméliquement fanatiquement fanfaronnement fangeusement fantaisistement - fantasmatiquement fantasquement fantastiquement fantomatiquement - faramineusement faraudement farouchement fascistement fashionablement - fastueusement fatalement fatalistement fatidiquement faussement fautivement - favorablement ferme fermement ferroviairement fertilement fervemment - fichtrement fichument fichûment fictivement fiduciairement fidèlement - figurativement figurément filandreusement filialement filmiquement fin - financièrement finaudement finement finiment fiscalement fissa fixement - fiévreusement flagorneusement flasquement flatteusement flegmatiquement - flexionnellement flexueusement flou fluidement flâneusement flémardement - foireusement folkloriquement follement folâtrement foncièrement - fondamentalement forcément forestièrement forfaitairement formellement - fort forte fortement fortissimo fortuitement fougueusement fourbement - foutument foutûment fragilement fragmentairement frais franc franchement - fraternellement frauduleusement fraîchement frigidement frigo frileusement - frisquet frivolement froidement frontalement froussardement fructueusement - frustement frénétiquement fréquemment frêlement fugacement fugitivement - fumeusement funestement funèbrement funérairement furibardement furibondement - furioso furtivement futilement futurement fâcheusement fébrilement fécondement - félinement félonnement fémininement féodalement férocement fétidement - gaffeusement gaiement gaillardement galamment gallicanement galvaniquement - gammathérapiquement ganglionnairement gargantualement gastronomiquement - gauloisement gaîment geignardement gentement gentiment gestuellement - giratoirement glacialement glaciologiquement glaireusement glandulairement - globalement glorieusement gloutonnement gnostiquement gnoséologiquement - goguenardement goinfrement goniométriquement gothiquement gouailleusement - goulûment gourdement gourmandement goutteusement gouvernementalement - gracilement gracioso graduellement grammaticalement grand grandement - graphiquement graphologiquement gras grassement gratis gratuitement grave - gravement grazioso grincheusement grivoisement grièvement grossement - grotesquement grégairement guillerettement gutturalement guère guères - gyroscopiquement gâteusement gélatineusement génialement génitalement - généralement généreusement génériquement génétiquement géodynamiquement - géographiquement géologiquement géométralement géométriquement géophysiquement - habilement habituellement hagardement hagiographiquement haineusement - hargneusement harmonieusement harmoniquement hasardeusement haut hautainement - haïssablement hebdomadairement heptagonalement herméneutiquement - heureusement heuristiquement hexagonalement hexaédriquement hideusement hier - hippiatriquement hippiquement hippologiquement histologiquement historiquement - hiératiquement hiéroglyphiquement homocentriquement homographiquement - homologiquement homothétiquement homéopathiquement homériquement honnêtement - honorifiquement honteusement horizontalement hormis hormonalement horriblement - hospitalièrement hostilement houleusement huileusement huitièmement - humanitairement humblement humidement humoristiquement humoureusement - hydrauliquement hydrodynamiquement hydrographiquement hydrologiquement - hydropneumatiquement hydrostatiquement hydrothérapiquement hygiéniquement - hypercorrectement hypnotiquement hypocondriaquement hypocoristiquement - hypodermiquement hypostatiquement hypothécairement hypothétiquement - hâtivement hébraïquement héliaquement hélicoïdalement héliographiquement - hémiédriquement hémodynamiquement hémostatiquement héraldiquement héroïquement - hérétiquement hétéroclitement hétérodoxement hétérogènement ibidem - ici ici-bas iconiquement iconographiquement id idem identiquement - idiosyncrasiquement idiosyncratiquement idiotement idoinement idolatriquement - idylliquement idéalement idéalistement idéellement idéographiquement - ignarement ignoblement ignominieusement ignoramment illicitement illico - illogiquement illusoirement illustrement illégalement illégitimement - imaginativement imbattablement imbécilement immaculément immanquablement - immensément imminemment immobilement immodestement immodérément immondement - immortellement immuablement immunitairement immunologiquement immédiatement - immémorialement impairement impalpablement imparablement impardonnablement - impartialement impassiblement impatiemment impavidement impayablement - impensablement imperceptiblement impersonnellement impertinemment - impitoyablement implacablement implicitement impoliment impolitiquement - importunément impossiblement imprescriptiblement impressivement improbablement - impromptu improprement imprudemment imprécisément imprévisiblement impudemment - impulsivement impunément impurement impénétrablement impérativement - impérieusement impérissablement impétueusement inacceptablement - inactivement inadmissiblement inadéquatement inaliénablement inaltérablement - inamoviblement inappréciablement inassouvissablement inattaquablement - inaudiblement inauguralement inauthentiquement inavouablement incalculablement - incertainement incessamment incestueusement incidemment incisivement - inciviquement inclusivement incoerciblement incognito incommensurablement - incommutablement incomparablement incomplètement incompréhensiblement - inconcevablement inconciliablement inconditionnellement inconfortablement - inconsciemment inconsidérément inconsolablement inconstamment - inconséquemment incontestablement incontinent incontournablement - inconvenablement incorporellement incorrectement incorrigiblement - increvablement incroyablement incrédulement incurablement indescriptiblement - indicativement indiciairement indiciblement indifféremment indigemment - indignement indirectement indiscernablement indiscontinûment indiscrètement - indispensablement indissociablement indissolublement indistinctement - indivisiblement indivisément indocilement indolemment indomptablement - inductivement indulgemment industriellement industrieusement indécelablement - indéchiffrablement indécrottablement indéfectiblement indéfendablement - indéfinissablement indélicatement indélébilement indémontablement - indépassablement indépendamment indéracinablement indésirablement - indéterminément indévotement indûment ineffablement ineffaçablement - ineptement inertement inespérément inesthétiquement inestimablement - inexcusablement inexorablement inexpertement inexpiablement inexplicablement - inexprimablement inexpugnablement inextinguiblement inextirpablement - infailliblement infantilement infatigablement infectement infernalement - infimement infiniment infinitésimalement inflexiblement informatiquement - infra infructueusement infâmement inférieurement inglorieusement ingratement - ingénieusement ingénument inhabilement inhabituellement inharmonieusement - inhospitalièrement inhumainement inhéremment inimaginablement inimitablement - inintelligiblement inintentionnellement iniquement initialement - injurieusement injustement injustifiablement inlassablement innocemment - inoffensivement inopinément inopportunément inoubliablement inoxydablement - inquisitorialement inquiètement insaisissablement insalubrement insanement - insciemment insensiblement insensément insidieusement insignement - insipidement insolemment insolitement insolublement insondablement - insoucieusement insoupçonnablement insoutenablement instablement instamment - instinctivement institutionnellement instructivement instrumentalement - insulairement insupportablement insurmontablement insurpassablement - inséparablement intangiblement intarissablement intellectuellement - intelligiblement intempestivement intemporellement intenablement - intensivement intensément intentionnellement intercalairement - interlinéairement interlopement interminablement intermusculairement - interplanétairement interprofessionnellement interprétativement - intersyndicalement intervocaliquement intimement intolérablement - intraitablement intramusculairement intransitivement intraveineusement - introspectivement intrépidement intuitivement intègrement intégralement - intérimairement inutilement invalidement invariablement inventivement - invinciblement inviolablement invisiblement involontairement - invulnérablement inébranlablement inégalablement inégalement inégalitairement - inélégamment inénarrablement inépuisablement inéquitablement inévitablement - ironiquement irraisonnablement irrationnellement irrattrapablement - irrespectueusement irrespirablement irresponsablement irréconciliablement - irrécusablement irréductiblement irréellement irréfragablement irréfutablement - irréligieusement irrémissiblement irrémédiablement irréparablement - irréprochablement irrépréhensiblement irrésistiblement irrésolument - irrévocablement irrévéremment irrévérencieusement isolément isothermiquement - isoédriquement item itou itérativement jacobinement jadis jalousement jamais - jaune jeudi jeunement jobardement jointivement joliment journalistiquement - jovialement joyeusement judaïquement judiciairement judicieusement - juste justement justifiablement juvénilement juxtalinéairement jésuitement - kaléidoscopiquement kilométriquement l'année l'après-midi l'avant-veille - labialement laborieusement labyrinthiquement laconiquement lactiquement - ladrement laidement laiteusement lamentablement langagièrement langoureusement - languissamment lapidairement large largement larghetto largo lascivement - latinement latéralement laxistement laïquement legato lentement lento lerch - lestement lexicalement lexicographiquement lexicologiquement libertinement - librement libéralement licencieusement licitement ligamentairement - limitativement limpidement linguistiquement linéairement linéalement - lisiblement lithographiquement lithologiquement litigieusement littérairement - liturgiquement lividement livresquement localement logarithmiquement - logistiquement logographiquement loin lointainement loisiblement long - longitudinalement longtemps longuement loquacement lors louablement - louchement loufoquement lourd lourdaudement lourdement loyalement lubriquement - lucrativement ludiquement lugubrement lumineusement lunairement lunatiquement - lustralement luxueusement luxurieusement lymphatiquement lyriquement là là-bas - là-dessous là-dessus là-haut lâchement légalement légendairement léger - légitimement légèrement léthargiquement macabrement macache macaroniquement - machinalement macrobiotiquement macroscopiquement maestoso magiquement - magnanimement magnifiquement magnétiquement magnétohydrodynamiquement - maigrement maintenant majestueusement majoritairement mal maladivement - malaisément malcommodément malencontreusement malgracieusement malgré - malheureusement malhonnêtement malicieusement malignement malproprement - malveillamment maléfiquement maniaquement manifestement manuellement mardi - maritalement maritimement marmiteusement marotiquement marre martialement - masochistement massivement maternellement mathématiquement matin matinalement - matriarcalement matrilinéairement matrimonialement maturément matérialistement - maupiteusement mauresquement maussadement mauvais mauvaisement maxi - meilleur mensongèrement mensuellement mentalement menteusement menu - mercredi merdeusement merveilleusement mesquinement mesurément mezzo - micrographiquement micrométriquement microphysiquement microscopiquement - miette mieux mignardement mignonnement militairement millimétriquement - minablement mincement minimement ministériellement minoritairement - minutieusement minéralogiquement miraculeusement mirifiquement mirobolamment - misanthropiquement misogynement misérablement miséreusement - miteusement mièvrement mnémoniquement mnémotechniquement mobilièrement - modalement moderato modernement modestement modiquement modulairement - moelleusement moindrement moins mollassement mollement mollo molto - momentanément monacalement monarchiquement monastiquement mondainement - monocordement monographiquement monolithiquement monophoniquement monotonement - monumentalement monétairement moqueusement moralement moralistement - mordicus morganatiquement mornement morosement morphologiquement mortellement - morveusement moult moutonnièrement moyennant moyennement moyenâgeusement - multidisciplinairement multilatéralement multinationalement multiplement - multipolairement municipalement musculairement musculeusement musicalement - mutuellement mystiquement mystérieusement mythiquement mythologiquement - mécanographiquement méchamment médialement médiatement médiatiquement - médicinalement médiocrement méditativement mélancoliquement mélodieusement - mélodramatiquement mémorablement méphistophéliquement méprisablement - méritoirement métaboliquement métalinguistiquement métalliquement - métallurgiquement métalogiquement métamathématiquement métaphoriquement - méthodiquement méthodologiquement méticuleusement métonymiquement métriquement - météorologiquement même mêmement mûrement n'étant naguère narcissiquement - narrativement nasalement nasillardement natalement nationalement nativement - naturellement naïvement ne nenni nerveusement net nettement - neurolinguistiquement neurologiquement neurophysiologiquement - neutrement neuvièmement niaisement nib nigaudement noblement nocivement - noirement nomadement nombreusement nominalement nominativement nommément non - nonobstant noologiquement normalement normativement nostalgiquement - notamment notarialement notoirement nouménalement nouvellement noétiquement - nucléairement nuisiblement nuitamment nullement numismatiquement numériquement - nuptialement néanmoins nébuleusement nécessairement néfastement négatif - négligemment néologiquement névrotiquement nûment objectivement oblativement - oblige obligeamment obliquement obrepticement obscurément obscènement - obsessivement obstinément obséquieusement obtusément obèsement - occultement octogonalement oculairement océanographiquement odieusement - oenologiquement offensivement officiellement officieusement oiseusement - olfactivement oligarchiquement ombrageusement onc oncques onctueusement - oniriquement onomatopéiquement onques ontologiquement onzièmement onéreusement - ophtalmologiquement opiniâtrement opportunistement opportunément opposément - optimalement optimistement optionnellement optiquement opulemment - opératoirement orageusement oralement oratoirement orbiculairement - ordinairement ordurièrement ores organiquement organoleptiquement orgiaquement - orgueilleusement orientalement originairement originalement originellement - orographiquement orthodoxement orthogonalement orthographiquement - orthopédiquement osmotiquement ostensiblement ostentatoirement oublieusement - out outrageusement outrancièrement outre outre-atlantique outre-mer - outrecuidamment ouvertement ovalement oviparement ovoviviparement - pacifiquement paillardement pairement paisiblement palingénésiquement - paléobotaniquement paléographiquement paléontologiquement panoptiquement - pantagruéliquement papelardement paraboliquement paradigmatiquement - paralittérairement parallactiquement parallèlement paramilitairement - parasitairement parcellairement parcellement parcimonieusement pardon - paresseusement parfaitement parfois parisiennement paritairement - parodiquement paroxistiquement paroxystiquement partant parthénogénétiquement - particulièrement partiellement partout pas passablement passagèrement passim - passionnément passivement passé pastoralement pataudement patelinement - paternellement paternement pathologiquement pathétiquement patibulairement - patriarcalement patrilinéairement patrimonialement patriotiquement pauvrement - païennement peinardement peineusement penaudement pendablement pendant - pensivement pentatoniquement perceptiblement perceptivement perdurablement - permissivement pernicieusement perpendiculairement perplexement - persifleusement perso personnellement perspicacement persuasivement - pertinemment perversement pesamment pessimistement petit petitement peu - peut-être pharisaïquement pharmacologiquement philanthropement - philistinement philologiquement philosophiquement phobiquement phoniquement - phonologiquement phonématiquement phonémiquement phonétiquement - photographiquement photométriquement phrénologiquement phylogénétiquement - physiologiquement physionomiquement physiquement phénoménalement - phénoménologiquement pianissimo pianistiquement piano pictographiquement - pieusement pile pinailleusement pingrement piteusement pitoyablement - piètrement più placidement plaignardement plaintivement plaisamment - plantureusement planétairement plastiquement plat platement platoniquement - plein pleinement pleutrement pluriannuellement pluridisciplinairement - plurinationalement plus plutoniquement plutôt plébéiennement plénièrement - pléthoriquement pneumatiquement point pointilleusement pointu poisseusement - poliment polissonnement politiquement poltronnement polygonalement - polyédriquement polémiquement pomologiquement pompeusement ponctuellement - pontificalement populairement pornographiquement positionnellement - possessivement possessoirement possiblement posthumement posthumément - postérieurement posément potablement potentiellement pourquoi pourtant - poétiquement pragmatiquement pratiquement premièrement presque prestement - prestissimo presto primairement primesautièrement primitivement primo - principalement princièrement printanièrement prioritairement privativement - probablement probement problématiquement processionnellement prochainement - proconsulairement prodigalement prodigieusement prodiguement productivement - professionnellement professoralement profitablement profond profondément - progressivement projectivement proleptiquement prolifiquement prolixement - promptement pronominalement prophylactiquement prophétiquement propicement - proportionnellement proportionnément proprement prosaïquement prosodiquement - prospèrement protocolairement protohistoriquement prou proverbialement - provincialement provisionnellement provisoirement prudement prudemment - préalablement précairement précautionneusement précieusement précipitamment - précisément précocement précédemment préférablement préférentiellement - préjudiciablement préliminairement prélogiquement prématurément - prépositivement préscolairement présentement présomptivement présomptueusement - présumément prétendument prétentieusement préventivement prévisionnellement - psychanalytiquement psychiatriquement psychiquement psycholinguistiquement - psychométriquement psychopathologiquement psychophysiologiquement - psychosomatiquement psychothérapiquement puamment publicitairement - pudibondement pudiquement pugnacement puissamment pulmonairement - purement puritainement pusillanimement putainement putassièrement putativement - pyramidalement pyrométriquement pâlement pâteusement pécuniairement - pédamment pédantement pédantesquement pédestrement péjorativement pénalement - péniblement pénitentiairement pépèrement péremptoirement périlleusement - périphériquement périscolairement pétrochimiquement pétrographiquement - pêle-mêle quadrangulairement quadrimestriellement quadruplement - quand quantitativement quarantièmement quarto quasi quasiment quater - quatrièmement quellement quelque quelquefois question quinto quinzièmement - quiètement quoique quotidiennement racialement racoleusement radiairement - radicalement radieusement radinement radiographiquement radiologiquement - radiotélégraphiquement radioélectriquement rageusement raidement railleusement - rapacement rapidement rapido rapidos rarement rarissimement ras rasibus - recevablement reconventionnellement recta rectangulairement rectilignement - redoutablement regrettablement relativement religieusement remarquablement - reproductivement représentativement respectablement respectivement - restrictivement revêchement rhomboédriquement rhéologiquement rhétoriquement - richissimement ridiculement rieusement rigidement rigoureusement rinforzando - risiblement ritardando rituellement robustement rocailleusement - rogatoirement roguement roidement romainement romancièrement romanesquement - rond rondement rondouillardement rosement rossement rotativement roturièrement - rougement routinièrement royalement rubato rudement rudimentairement - ruralement rustaudement rustiquement rustrement rythmiquement - réactionnairement réalistement rébarbativement récemment réciproquement - rédhibitoirement réellement réflexivement réfractairement référendairement - régionalement réglementairement réglo régressivement régulièrement - répréhensiblement répulsivement répétitivement résidentiellement - résineusement résolument rétivement rétroactivement rétrospectivement - révocablement révolutionnairement révéremment révérencieusement rêveusement - sacerdotalement sacramentellement sacrilègement sacrément sadiquement - sagement sagittalement sainement saintement saisonnièrement salacement - salaudement salement salubrement salutairement samedi sanguinairement - saphiquement sarcastiquement sardoniquement sataniquement satiriquement - satyriquement sauf saumâtrement sauvagement savamment savoureusement - scalairement scandaleusement scatologiquement sceptiquement scherzando scherzo - schématiquement sciemment scientifiquement scolairement scolastiquement - sculpturalement scélératement scéniquement sec secondairement secondement - secrètement sectairement sectoriellement secundo seigneurialement seizièmement - semestriellement sempiternellement senestrorsum sensationnellement - sensuellement sensément sentencieusement sentimentalement septentrionalement - septièmement sereinement serré serviablement servilement seul seulement sexto - sforzando si sibyllinement sic sidéralement sidérurgiquement significativement - similairement simplement simultanément sincèrement singulièrement sinistrement - sinon sinueusement siouxement sirupeusement sitôt sixièmement smorzando - sobrement sociablement socialement sociolinguistiquement sociologiquement - socratiquement soigneusement soit soixantièmement solairement soldatesquement - solidairement solidement solitairement somatiquement sombrement sommairement - somptuairement somptueusement songeusement sonorement sophistiquement - sordidement sororalement sostenuto sottement soucieusement soudain - souhaitablement souplement soupçonneusement sourcilleusement sourdement - souterrainement souvent souventefois souverainement soyeusement spacieusement - spasmodiquement spatialement spectaculairement spectralement sphériquement - splendidement spontanément sporadiquement sportivement spécialement - spécifiquement spéculairement spéculativement spéléologiquement stablement - staliniennement stationnairement statiquement statistiquement statutairement - stoechiométriquement stoïquement stratigraphiquement stratégiquement - stridemment strophiquement structuralement structurellement studieusement - stylistiquement sténographiquement stérilement stéréographiquement - stéréophoniquement suavement subalternement subconsciemment subitement subito - sublimement subordinément subordonnément subrepticement subrogatoirement - substantiellement substantivement subséquemment subtilement subversivement - succinctement succulemment suffisamment suggestivement suicidairement - superbement superficiellement superfinement superfétatoirement superlativement - supplémentairement supplétivement supportablement supposément supra - suprêmement supérieurement surabondamment surhumainement surnaturellement - surréellement surtout surérogatoirement sus suspectement suspicieusement - syllabiquement syllogistiquement symbiotiquement symboliquement - symphoniquement symptomatiquement symétriquement synchroniquement - syndicalement synergiquement synonymiquement synoptiquement syntactiquement - syntaxiquement synthétiquement systématiquement systémiquement sèchement - séculièrement sédentairement séditieusement sélectivement sélénographiquement - sémiologiquement sémiotiquement sémiquement séméiotiquement sénilement - séquentiellement séraphiquement sériellement sérieusement sérologiquement - sûr sûrement tabulairement tacitement taciturnement tactilement tactiquement - talmudiquement tangentiellement tangiblement tant tantôt tapageusement - tard tardivement tatillonnement tauromachiquement tautologiquement - taxinomiquement taxonomiquement techniquement technocratiquement - tectoniquement teigneusement tellement temporairement temporellement - tenacement tendanciellement tendancieusement tendrement tennistiquement - tenuto ter terminologiquement ternement terrible terriblement territorialement - testimonialement texto textuellement thermiquement thermodynamiquement - thermonucléairement thermoélectriquement thématiquement théocratiquement - théologiquement théoriquement théosophiquement thérapeutiquement thétiquement - timidement titulairement tièdement tiédassement tocardement tolérablement - toniquement topiquement topographiquement topologiquement toponymiquement - torrentueusement torridement tortueusement torvement totalement - toujours touristiquement tout toute toutefois toxicologiquement - traditionnellement tragediante tragiquement tranquillement - transcendantalement transformationnellement transgressivement transitivement - transversalement traumatologiquement traînardement traîtreusement - trentièmement triangulairement tribalement tridimensionnellement - trihebdomadairement trimestriellement triomphalement triplement - tristement trivialement troisio troisièmement trompeusement trop - très ttc tumultuairement tumultueusement turpidement tutélairement typiquement - typologiquement tyranniquement télescopiquement téléautographiquement - téléinformatiquement télématiquement téléologiquement télépathiquement - télévisuellement témérairement ténébreusement tératologiquement tétaniquement - tétraédriquement tôt ultimement ultimo ultérieurement unanimement uniformément - unilinéairement uniment uninominalement unipolairement uniquement unitairement - universitairement univoquement unièmement urbainement urgemment urologiquement - usurairement utilement utilitairement utopiquement uvulairement vachardement - vaginalement vaguement vaillamment vainement valablement valeureusement - vaniteusement vantardement vaporeusement variablement vasculairement - vasouillardement vastement velléitairement vendredi venimeusement ventralement - verbeusement vernaculairement versatilement vertement verticalement - vertueusement verveusement vestimentairement veulement vicieusement - vieillottement vigesimo vigilamment vigoureusement vilain vilainement vilement - vingtièmement violemment virginalement virilement virtuellement virulemment - viscéralement visiblement visqueusement visuellement vitalement vite vitement - vivacement vivement viviparement vocalement vocaliquement voir voire - volcaniquement volcanologiquement volontairement volontiers volubilement - voluptueusement voracement voyez-vous vrai vraiment vraisemblablement - vulgo végétalement végétativement véhémentement vélairement vélocement - véniellement vénéneusement vénérablement véracement véridiquement - vésaniquement vétilleusement vétustement xylographiquement xérographiquement - zootechniquement âcrement âprement çà échocardiographiquement - échométriquement éclatamment éclectiquement écologiquement économement - économétriquement édéniquement également égalitairement égocentriquement - égrillardement éhontément élastiquement électivement électoralement - électrocardiographiquement électrochimiquement électrodynamiquement - électromagnétiquement électromécaniquement électroniquement - électropneumatiquement électrostatiquement électrotechniquement - éliminatoirement élitistement élogieusement éloquemment élégamment - élémentairement éminemment émotionnellement émotivement énergiquement - énigmatiquement énièmement énormément épais épaissement éparsement épatamment - éphémèrement épicuriennement épidermiquement épidémiologiquement - épigrammatiquement épigraphiquement épileptiquement épiquement épiscopalement - épistolairement épistémologiquement épouvantablement équitablement - équivoquement érotiquement éruditement éruptivement érémitiquement - étatiquement éternellement éthiquement éthologiquement étonnamment étourdiment - étroitement étymologiquement évangéliquement évasivement éventuellement -""".split()) +ADVERBS = set( + """ +abandonnément abjectement abominablement abondamment aboralement abouliquement +abruptement abrégément abréviativement absconsement absconsément absolument +abstraitement abstrusément absurdement abusivement académiquement +accelerando acceptablement accessoirement accidentellement accortement +acidement acoustiquement acrimonieusement acrobatiquement actiniquement +actuellement adagio additionnellement additivement adiabatiquement +adjectivement administrativement admirablement admirativement adorablement +adultérieurement adverbialement adversativement adéquatement affablement +affectionnément affectivement affectueusement affinement affirmativement +agilement agitato agnostiquement agogiquement agressivement agrestement +agrologiquement agronomiquement agréablement aguicheusement aidant aigrement +ailleurs aimablement ainsi aisément alchimiquement alcooliquement alentour +algorithmiquement algébriquement alias alimentairement allegretto allegro +allopathiquement allusivement allègrement allégoriquement allégrement allégro +alphabétiquement alternativement altimétriquement altièrement altruistement +amabile ambigument ambitieusement amiablement amicalement amiteusement +amoroso amoureusement amphibologiquement amphigouriquement amplement +amusément amènement amèrement anachroniquement anagogiquement +analogiquement analoguement analytiquement anaphoriquement anarchiquement +ancestralement anciennement andante andantino anecdotiquement angulairement +angéliquement anharmoniquement animalement animato annuellement anodinement +anormalement anthropocentriquement anthropologiquement anthropomorphiquement +anticipativement anticonstitutionnellement antidémocratiquement +antinomiquement antipathiquement antipatriotiquement antiquement +antisocialement antisportivement antisymétriquement antithétiquement +antiétatiquement antécédemment antérieurement anxieusement apathiquement +apicalement apocalyptiquement apodictiquement apologétiquement apostoliquement +appassionato approbativement approchant approximativement appréciablement +après-demain aquatiquement arbitrairement arbitralement archaïquement +architecturalement archéologiquement ardemment argotiquement aridement +arithmétiquement aromatiquement arrière arrogamment articulairement +artificiellement artificieusement artisanalement artistement artistiquement +aseptiquement asiatiquement assai assertivement assertoriquement assez +associativement assurément astrologiquement astrométriquement astronomiquement +astucieusement asymptotiquement asymétriquement ataviquement ataxiquement +atomiquement atrabilairement atrocement attenant attentionnément attentivement +attractivement atypiquement aucunement audacieusement audiblement +auditivement auguralement augustement aujourd'hui auparavant auprès +aussi aussitôt austèrement autant autarciquement authentiquement +autographiquement automatiquement autonomement autoritairement autrefois +auxiliairement avant avant-hier avantageusement avarement avaricieusement +aventurément aveuglément avidement avunculairement axialement axiologiquement +aériennement aérodynamiquement aérostatiquement babéliquement bachiquement +badaudement badinement balistiquement balourdement balsamiquement banalement +barbarement barométriquement baroquement bas bassement batailleusement +baveusement beau beaucoup bellement belliqueusement ben bene benoîtement +bestialement bibliographiquement bibliquement bien bienheureusement bientôt +bigotement bigrement bihebdomadairement bijectivement bijournellement +bileusement bilieusement bilinéairement bimensuellement bimestriellement +bioacoustiquement biochimiquement bioclimatiquement biodynamiquement +biogénétiquement biologiquement biomédicalement bioniquement biophysiquement +bioélectroniquement bioénergétiquement bipolairement biquotidiennement bis +biunivoquement bizarrement bizarroïdement blafardement blagueusement +blondement blâmablement bon bonassement bonnement bordéliquement botaniquement +boueusement bouffonnement bougonnement bougrement boulimiquement +bravachement bravement bredouilleusement bref brillamment brièvement +brumeusement brusquement brut brutalement bruyamment bucoliquement +bureaucratiquement burlesquement byzantinement béatement bégueulement +bénéfiquement bénévolement béotiennement bésef bézef bêtement cabalistiquement +cabotinement cachottièrement cacophoniquement caf cafardeusement +cajoleusement calamiteusement calligraphiquement calmement calmos +calorimétriquement caloriquement canaillement cancérologiquement candidement +cantabile capablement capillairement capitalement capitulairement +captieusement caractériellement caractérologiquement cardiographiquement +caricaturalement carrément cartographiquement cartésiennement casanièrement +casuellement catalytiquement catastrophiquement catholiquement +catégoriquement causalement causativement caustiquement cauteleusement +caverneusement cellulairement censitairement censément centièmement +cependant certainement certes cf chafouinement chagrinement chaleureusement +chaotiquement charismatiquement charitablement charnellement chastement +chattement chaud chaudement chauvinement chenuement cher chevaleresquement +chichement chichiteusement chimiquement chimériquement chinoisement +chiquement chirographairement chirographiquement chirurgicalement chiément +chouettement chromatiquement chroniquement chronologiquement +chrétiennement chèrement chétivement ci cinquantièmement cinquièmement +cinématographiquement cinétiquement circonspectement circonstanciellement +citadinement civilement civiquement clairement clandestinement classiquement +climatologiquement cliniquement cléricalement cocassement cochonnement +coextensivement collatéralement collectivement collusoirement collégialement +coléreusement colériquement combien combinatoirement comiquement comme +comment commercialement comminatoirement commodément communalement +communément comparablement comparativement compatiblement compendieusement +compensatoirement complaisamment complexement complètement complémentairement +compréhensivement comptablement comptant compulsivement conardement +conceptuellement concernant concevablement concisément concomitamment +concurremment concussionnairement condamnablement conditionnellement confer +confidemment confidentiellement conflictuellement conformationnellement +confortablement confraternellement confusément confédéralement congrument +congénitalement coniquement conjecturalement conjointement conjonctivement +conjugalement connardement connement connotativement consciemment +consensuellement conservatoirement considérablement considérément +constamment constitutionnellement constitutivement consubstantiellement +consécutivement conséquemment contagieusement contemplativement +contestablement contextuellement continuellement continûment contractuellement +contrairement contrapuntiquement contrastivement contre contributoirement +convenablement conventionnellement conventuellement convivialement +coopérativement copieusement coquettement coquinement cordialement coriacement +coronairement corporativement corporellement corpusculairement correct +correctionnellement corrosivement corrélativement cosmiquement +cosmographiquement cosmologiquement cossardement cotonneusement couardement +courageusement couramment court courtement courtoisement coutumièrement +craintivement crapuleusement crescendo criardement criminellement +critiquablement critiquement croyez-en crucialement cruellement +crânement crédiblement crédulement crépusculairement crétinement crûment +cuistrement culinairement cultuellement culturellement cumulativement +curativement curieusement cursivement curvilignement cybernétiquement +cylindriquement cyniquement cynégétiquement cytogénétiquement cytologiquement +célestement célibatairement cérébralement cérémoniellement cérémonieusement +d'abondance d'abord d'ailleurs d'après d'arrache-pied d'avance d'emblée d'ici +d'office d'urgence d'évidence dactylographiquement damnablement dangereusement +debout decimo decrescendo dedans dehors demain densément depuis derechef +dernièrement derrière descriptivement despotiquement deusio deuxièmement +devant dextrement dextrorse dextrorsum diablement diaboliquement +diacoustiquement diagonalement dialectalement dialectiquement +dialogiquement diamétralement diantrement diatoniquement dichotomiquement +didactiquement difficilement difficultueusement diffusément différemment +digitalement dignement dilatoirement diligemment dimanche dimensionnellement +dinguement diplomatiquement directement directo disciplinairement +discontinûment discourtoisement discriminatoirement discrètement +discursivement disertement disgracieusement disjonctivement disons-le +dispendieusement disproportionnellement disproportionnément dissemblablement +dissuasivement dissymétriquement distinctement distinctivement distraitement +distributivement dithyrambiquement dito diurnement diversement divinement +dixièmement diététiquement docilement docimologiquement doctement +doctrinairement doctrinalement documentairement dodécaphoniquement +dogmatiquement dolce dolcissimo dolemment dolentement dolosivement +dommageablement donc dont doriquement dorsalement dorénavant doublement +doucereusement doucettement douceâtrement douillettement douloureusement +doux douzièmement draconiennement dramatiquement drastiquement +droit droitement drolatiquement dru drument drôlement dubitativement dur +durement dynamiquement dynamogéniquement dysharmoniquement débilement +décadairement décemment décidément décimalement décisivement déclamatoirement +dédaigneusement déductivement défavorablement défectueusement défensivement +définitivement dégoûtamment dégressivement dégueulassement déictiquement déjà +délibérément délicatement délicieusement déloyalement délétèrement +démentiellement démesurément démocratiquement démographiquement démoniaquement +démonstrativement démotiquement déontologiquement départementalement +déplaisamment déplorablement dépressivement dépréciativement déraisonnablement +dérivationnellement dérogativement dérogatoirement désagréablement +désastreusement désavantageusement désespéramment désespérément déshonnêtement +désobligeamment désolamment désordonnément désormais déterminément +dévotement dévotieusement dûment ecclésiastiquement ecclésiologiquement +efficacement effrayamment effrontément effroyablement effrénément +elliptiquement emblématiquement embryologiquement embryonnairement +emphatiquement empiriquement encor encore encyclopédiquement +endémiquement enfantinement enfin enjôleusement ennuyeusement ensemble +ensuite enthousiastement entièrement entomologiquement enviablement +environ ergonomiquement erratiquement erronément eschatologiquement +espressivo essentiellement esthétiquement estimablement etc ethniquement +ethnolinguistiquement ethnologiquement eucharistiquement euphoniquement +euphémiquement euristiquement européennement eurythmiquement euréka exactement +exaspérément excellemment excentriquement exceptionnellement excepté +exclamativement exclusivement excédentairement exemplairement exhaustivement +existentiellement exorbitamment exotiquement expansivement expertement +explicativement explicitement explosivement explétivement exponentiellement +expressément exprès expéditivement expérimentalement exquisément extatiquement +extensionnellement extensivement extra-muros extrajudiciairement +extravagamment extrinsèquement extrêmement extérieurement exécrablement +exégétiquement fabuleusement facheusement facile facilement facticement +factitivement factuellement facultativement facétieusement fadassement +faiblardement faiblement fallacieusement falotement fameusement familialement +faméliquement fanatiquement fanfaronnement fangeusement fantaisistement +fantasmatiquement fantasquement fantastiquement fantomatiquement +faramineusement faraudement farouchement fascistement fashionablement +fastueusement fatalement fatalistement fatidiquement faussement fautivement +favorablement ferme fermement ferroviairement fertilement fervemment +fichtrement fichument fichûment fictivement fiduciairement fidèlement +figurativement figurément filandreusement filialement filmiquement fin +financièrement finaudement finement finiment fiscalement fissa fixement +fiévreusement flagorneusement flasquement flatteusement flegmatiquement +flexionnellement flexueusement flou fluidement flâneusement flémardement +foireusement folkloriquement follement folâtrement foncièrement +fondamentalement forcément forestièrement forfaitairement formellement +fort forte fortement fortissimo fortuitement fougueusement fourbement +foutument foutûment fragilement fragmentairement frais franc franchement +fraternellement frauduleusement fraîchement frigidement frigo frileusement +frisquet frivolement froidement frontalement froussardement fructueusement +frustement frénétiquement fréquemment frêlement fugacement fugitivement +fumeusement funestement funèbrement funérairement furibardement furibondement +furioso furtivement futilement futurement fâcheusement fébrilement fécondement +félinement félonnement fémininement féodalement férocement fétidement +gaffeusement gaiement gaillardement galamment gallicanement galvaniquement +gammathérapiquement ganglionnairement gargantualement gastronomiquement +gauloisement gaîment geignardement gentement gentiment gestuellement +giratoirement glacialement glaciologiquement glaireusement glandulairement +globalement glorieusement gloutonnement gnostiquement gnoséologiquement +goguenardement goinfrement goniométriquement gothiquement gouailleusement +goulûment gourdement gourmandement goutteusement gouvernementalement +gracilement gracioso graduellement grammaticalement grand grandement +graphiquement graphologiquement gras grassement gratis gratuitement grave +gravement grazioso grincheusement grivoisement grièvement grossement +grotesquement grégairement guillerettement gutturalement guère guères +gyroscopiquement gâteusement gélatineusement génialement génitalement +généralement généreusement génériquement génétiquement géodynamiquement +géographiquement géologiquement géométralement géométriquement géophysiquement +habilement habituellement hagardement hagiographiquement haineusement +hargneusement harmonieusement harmoniquement hasardeusement haut hautainement +haïssablement hebdomadairement heptagonalement herméneutiquement +heureusement heuristiquement hexagonalement hexaédriquement hideusement hier +hippiatriquement hippiquement hippologiquement histologiquement historiquement +hiératiquement hiéroglyphiquement homocentriquement homographiquement +homologiquement homothétiquement homéopathiquement homériquement honnêtement +honorifiquement honteusement horizontalement hormis hormonalement horriblement +hospitalièrement hostilement houleusement huileusement huitièmement +humanitairement humblement humidement humoristiquement humoureusement +hydrauliquement hydrodynamiquement hydrographiquement hydrologiquement +hydropneumatiquement hydrostatiquement hydrothérapiquement hygiéniquement +hypercorrectement hypnotiquement hypocondriaquement hypocoristiquement +hypodermiquement hypostatiquement hypothécairement hypothétiquement +hâtivement hébraïquement héliaquement hélicoïdalement héliographiquement +hémiédriquement hémodynamiquement hémostatiquement héraldiquement héroïquement +hérétiquement hétéroclitement hétérodoxement hétérogènement ibidem +ici ici-bas iconiquement iconographiquement id idem identiquement +idiosyncrasiquement idiosyncratiquement idiotement idoinement idolatriquement +idylliquement idéalement idéalistement idéellement idéographiquement +ignarement ignoblement ignominieusement ignoramment illicitement illico +illogiquement illusoirement illustrement illégalement illégitimement +imaginativement imbattablement imbécilement immaculément immanquablement +immensément imminemment immobilement immodestement immodérément immondement +immortellement immuablement immunitairement immunologiquement immédiatement +immémorialement impairement impalpablement imparablement impardonnablement +impartialement impassiblement impatiemment impavidement impayablement +impensablement imperceptiblement impersonnellement impertinemment +impitoyablement implacablement implicitement impoliment impolitiquement +importunément impossiblement imprescriptiblement impressivement improbablement +impromptu improprement imprudemment imprécisément imprévisiblement impudemment +impulsivement impunément impurement impénétrablement impérativement +impérieusement impérissablement impétueusement inacceptablement +inactivement inadmissiblement inadéquatement inaliénablement inaltérablement +inamoviblement inappréciablement inassouvissablement inattaquablement +inaudiblement inauguralement inauthentiquement inavouablement incalculablement +incertainement incessamment incestueusement incidemment incisivement +inciviquement inclusivement incoerciblement incognito incommensurablement +incommutablement incomparablement incomplètement incompréhensiblement +inconcevablement inconciliablement inconditionnellement inconfortablement +inconsciemment inconsidérément inconsolablement inconstamment +inconséquemment incontestablement incontinent incontournablement +inconvenablement incorporellement incorrectement incorrigiblement +increvablement incroyablement incrédulement incurablement indescriptiblement +indicativement indiciairement indiciblement indifféremment indigemment +indignement indirectement indiscernablement indiscontinûment indiscrètement +indispensablement indissociablement indissolublement indistinctement +indivisiblement indivisément indocilement indolemment indomptablement +inductivement indulgemment industriellement industrieusement indécelablement +indéchiffrablement indécrottablement indéfectiblement indéfendablement +indéfinissablement indélicatement indélébilement indémontablement +indépassablement indépendamment indéracinablement indésirablement +indéterminément indévotement indûment ineffablement ineffaçablement +ineptement inertement inespérément inesthétiquement inestimablement +inexcusablement inexorablement inexpertement inexpiablement inexplicablement +inexprimablement inexpugnablement inextinguiblement inextirpablement +infailliblement infantilement infatigablement infectement infernalement +infimement infiniment infinitésimalement inflexiblement informatiquement +infra infructueusement infâmement inférieurement inglorieusement ingratement +ingénieusement ingénument inhabilement inhabituellement inharmonieusement +inhospitalièrement inhumainement inhéremment inimaginablement inimitablement +inintelligiblement inintentionnellement iniquement initialement +injurieusement injustement injustifiablement inlassablement innocemment +inoffensivement inopinément inopportunément inoubliablement inoxydablement +inquisitorialement inquiètement insaisissablement insalubrement insanement +insciemment insensiblement insensément insidieusement insignement +insipidement insolemment insolitement insolublement insondablement +insoucieusement insoupçonnablement insoutenablement instablement instamment +instinctivement institutionnellement instructivement instrumentalement +insulairement insupportablement insurmontablement insurpassablement +inséparablement intangiblement intarissablement intellectuellement +intelligiblement intempestivement intemporellement intenablement +intensivement intensément intentionnellement intercalairement +interlinéairement interlopement interminablement intermusculairement +interplanétairement interprofessionnellement interprétativement +intersyndicalement intervocaliquement intimement intolérablement +intraitablement intramusculairement intransitivement intraveineusement +introspectivement intrépidement intuitivement intègrement intégralement +intérimairement inutilement invalidement invariablement inventivement +invinciblement inviolablement invisiblement involontairement +invulnérablement inébranlablement inégalablement inégalement inégalitairement +inélégamment inénarrablement inépuisablement inéquitablement inévitablement +ironiquement irraisonnablement irrationnellement irrattrapablement +irrespectueusement irrespirablement irresponsablement irréconciliablement +irrécusablement irréductiblement irréellement irréfragablement irréfutablement +irréligieusement irrémissiblement irrémédiablement irréparablement +irréprochablement irrépréhensiblement irrésistiblement irrésolument +irrévocablement irrévéremment irrévérencieusement isolément isothermiquement +isoédriquement item itou itérativement jacobinement jadis jalousement jamais +jaune jeudi jeunement jobardement jointivement joliment journalistiquement +jovialement joyeusement judaïquement judiciairement judicieusement +juste justement justifiablement juvénilement juxtalinéairement jésuitement +kaléidoscopiquement kilométriquement l'année l'après-midi l'avant-veille +labialement laborieusement labyrinthiquement laconiquement lactiquement +ladrement laidement laiteusement lamentablement langagièrement langoureusement +languissamment lapidairement large largement larghetto largo lascivement +latinement latéralement laxistement laïquement legato lentement lento lerch +lestement lexicalement lexicographiquement lexicologiquement libertinement +librement libéralement licencieusement licitement ligamentairement +limitativement limpidement linguistiquement linéairement linéalement +lisiblement lithographiquement lithologiquement litigieusement littérairement +liturgiquement lividement livresquement localement logarithmiquement +logistiquement logographiquement loin lointainement loisiblement long +longitudinalement longtemps longuement loquacement lors louablement +louchement loufoquement lourd lourdaudement lourdement loyalement lubriquement +lucrativement ludiquement lugubrement lumineusement lunairement lunatiquement +lustralement luxueusement luxurieusement lymphatiquement lyriquement là là-bas +là-dessous là-dessus là-haut lâchement légalement légendairement léger +légitimement légèrement léthargiquement macabrement macache macaroniquement +machinalement macrobiotiquement macroscopiquement maestoso magiquement +magnanimement magnifiquement magnétiquement magnétohydrodynamiquement +maigrement maintenant majestueusement majoritairement mal maladivement +malaisément malcommodément malencontreusement malgracieusement malgré +malheureusement malhonnêtement malicieusement malignement malproprement +malveillamment maléfiquement maniaquement manifestement manuellement mardi +maritalement maritimement marmiteusement marotiquement marre martialement +masochistement massivement maternellement mathématiquement matin matinalement +matriarcalement matrilinéairement matrimonialement maturément matérialistement +maupiteusement mauresquement maussadement mauvais mauvaisement maxi +meilleur mensongèrement mensuellement mentalement menteusement menu +mercredi merdeusement merveilleusement mesquinement mesurément mezzo +micrographiquement micrométriquement microphysiquement microscopiquement +miette mieux mignardement mignonnement militairement millimétriquement +minablement mincement minimement ministériellement minoritairement +minutieusement minéralogiquement miraculeusement mirifiquement mirobolamment +misanthropiquement misogynement misérablement miséreusement +miteusement mièvrement mnémoniquement mnémotechniquement mobilièrement +modalement moderato modernement modestement modiquement modulairement +moelleusement moindrement moins mollassement mollement mollo molto +momentanément monacalement monarchiquement monastiquement mondainement +monocordement monographiquement monolithiquement monophoniquement monotonement +monumentalement monétairement moqueusement moralement moralistement +mordicus morganatiquement mornement morosement morphologiquement mortellement +morveusement moult moutonnièrement moyennant moyennement moyenâgeusement +multidisciplinairement multilatéralement multinationalement multiplement +multipolairement municipalement musculairement musculeusement musicalement +mutuellement mystiquement mystérieusement mythiquement mythologiquement +mécanographiquement méchamment médialement médiatement médiatiquement +médicinalement médiocrement méditativement mélancoliquement mélodieusement +mélodramatiquement mémorablement méphistophéliquement méprisablement +méritoirement métaboliquement métalinguistiquement métalliquement +métallurgiquement métalogiquement métamathématiquement métaphoriquement +méthodiquement méthodologiquement méticuleusement métonymiquement métriquement +météorologiquement même mêmement mûrement n'étant naguère narcissiquement +narrativement nasalement nasillardement natalement nationalement nativement +naturellement naïvement ne nenni nerveusement net nettement +neurolinguistiquement neurologiquement neurophysiologiquement +neutrement neuvièmement niaisement nib nigaudement noblement nocivement +noirement nomadement nombreusement nominalement nominativement nommément non +nonobstant noologiquement normalement normativement nostalgiquement +notamment notarialement notoirement nouménalement nouvellement noétiquement +nucléairement nuisiblement nuitamment nullement numismatiquement numériquement +nuptialement néanmoins nébuleusement nécessairement néfastement négatif +négligemment néologiquement névrotiquement nûment objectivement oblativement +oblige obligeamment obliquement obrepticement obscurément obscènement +obsessivement obstinément obséquieusement obtusément obèsement +occultement octogonalement oculairement océanographiquement odieusement +oenologiquement offensivement officiellement officieusement oiseusement +olfactivement oligarchiquement ombrageusement onc oncques onctueusement +oniriquement onomatopéiquement onques ontologiquement onzièmement onéreusement +ophtalmologiquement opiniâtrement opportunistement opportunément opposément +optimalement optimistement optionnellement optiquement opulemment +opératoirement orageusement oralement oratoirement orbiculairement +ordinairement ordurièrement ores organiquement organoleptiquement orgiaquement +orgueilleusement orientalement originairement originalement originellement +orographiquement orthodoxement orthogonalement orthographiquement +orthopédiquement osmotiquement ostensiblement ostentatoirement oublieusement +out outrageusement outrancièrement outre outre-atlantique outre-mer +outrecuidamment ouvertement ovalement oviparement ovoviviparement +pacifiquement paillardement pairement paisiblement palingénésiquement +paléobotaniquement paléographiquement paléontologiquement panoptiquement +pantagruéliquement papelardement paraboliquement paradigmatiquement +paralittérairement parallactiquement parallèlement paramilitairement +parasitairement parcellairement parcellement parcimonieusement pardon +paresseusement parfaitement parfois parisiennement paritairement +parodiquement paroxistiquement paroxystiquement partant parthénogénétiquement +particulièrement partiellement partout pas passablement passagèrement passim +passionnément passivement passé pastoralement pataudement patelinement +paternellement paternement pathologiquement pathétiquement patibulairement +patriarcalement patrilinéairement patrimonialement patriotiquement pauvrement +païennement peinardement peineusement penaudement pendablement pendant +pensivement pentatoniquement perceptiblement perceptivement perdurablement +permissivement pernicieusement perpendiculairement perplexement +persifleusement perso personnellement perspicacement persuasivement +pertinemment perversement pesamment pessimistement petit petitement peu +peut-être pharisaïquement pharmacologiquement philanthropement +philistinement philologiquement philosophiquement phobiquement phoniquement +phonologiquement phonématiquement phonémiquement phonétiquement +photographiquement photométriquement phrénologiquement phylogénétiquement +physiologiquement physionomiquement physiquement phénoménalement +phénoménologiquement pianissimo pianistiquement piano pictographiquement +pieusement pile pinailleusement pingrement piteusement pitoyablement +piètrement più placidement plaignardement plaintivement plaisamment +plantureusement planétairement plastiquement plat platement platoniquement +plein pleinement pleutrement pluriannuellement pluridisciplinairement +plurinationalement plus plutoniquement plutôt plébéiennement plénièrement +pléthoriquement pneumatiquement point pointilleusement pointu poisseusement +poliment polissonnement politiquement poltronnement polygonalement +polyédriquement polémiquement pomologiquement pompeusement ponctuellement +pontificalement populairement pornographiquement positionnellement +possessivement possessoirement possiblement posthumement posthumément +postérieurement posément potablement potentiellement pourquoi pourtant +poétiquement pragmatiquement pratiquement premièrement presque prestement +prestissimo presto primairement primesautièrement primitivement primo +principalement princièrement printanièrement prioritairement privativement +probablement probement problématiquement processionnellement prochainement +proconsulairement prodigalement prodigieusement prodiguement productivement +professionnellement professoralement profitablement profond profondément +progressivement projectivement proleptiquement prolifiquement prolixement +promptement pronominalement prophylactiquement prophétiquement propicement +proportionnellement proportionnément proprement prosaïquement prosodiquement +prospèrement protocolairement protohistoriquement prou proverbialement +provincialement provisionnellement provisoirement prudement prudemment +préalablement précairement précautionneusement précieusement précipitamment +précisément précocement précédemment préférablement préférentiellement +préjudiciablement préliminairement prélogiquement prématurément +prépositivement préscolairement présentement présomptivement présomptueusement +présumément prétendument prétentieusement préventivement prévisionnellement +psychanalytiquement psychiatriquement psychiquement psycholinguistiquement +psychométriquement psychopathologiquement psychophysiologiquement +psychosomatiquement psychothérapiquement puamment publicitairement +pudibondement pudiquement pugnacement puissamment pulmonairement +purement puritainement pusillanimement putainement putassièrement putativement +pyramidalement pyrométriquement pâlement pâteusement pécuniairement +pédamment pédantement pédantesquement pédestrement péjorativement pénalement +péniblement pénitentiairement pépèrement péremptoirement périlleusement +périphériquement périscolairement pétrochimiquement pétrographiquement +pêle-mêle quadrangulairement quadrimestriellement quadruplement +quand quantitativement quarantièmement quarto quasi quasiment quater +quatrièmement quellement quelque quelquefois question quinto quinzièmement +quiètement quoique quotidiennement racialement racoleusement radiairement +radicalement radieusement radinement radiographiquement radiologiquement +radiotélégraphiquement radioélectriquement rageusement raidement railleusement +rapacement rapidement rapido rapidos rarement rarissimement ras rasibus +recevablement reconventionnellement recta rectangulairement rectilignement +redoutablement regrettablement relativement religieusement remarquablement +reproductivement représentativement respectablement respectivement +restrictivement revêchement rhomboédriquement rhéologiquement rhétoriquement +richissimement ridiculement rieusement rigidement rigoureusement rinforzando +risiblement ritardando rituellement robustement rocailleusement +rogatoirement roguement roidement romainement romancièrement romanesquement +rond rondement rondouillardement rosement rossement rotativement roturièrement +rougement routinièrement royalement rubato rudement rudimentairement +ruralement rustaudement rustiquement rustrement rythmiquement +réactionnairement réalistement rébarbativement récemment réciproquement +rédhibitoirement réellement réflexivement réfractairement référendairement +régionalement réglementairement réglo régressivement régulièrement +répréhensiblement répulsivement répétitivement résidentiellement +résineusement résolument rétivement rétroactivement rétrospectivement +révocablement révolutionnairement révéremment révérencieusement rêveusement +sacerdotalement sacramentellement sacrilègement sacrément sadiquement +sagement sagittalement sainement saintement saisonnièrement salacement +salaudement salement salubrement salutairement samedi sanguinairement +saphiquement sarcastiquement sardoniquement sataniquement satiriquement +satyriquement sauf saumâtrement sauvagement savamment savoureusement +scalairement scandaleusement scatologiquement sceptiquement scherzando scherzo +schématiquement sciemment scientifiquement scolairement scolastiquement +sculpturalement scélératement scéniquement sec secondairement secondement +secrètement sectairement sectoriellement secundo seigneurialement seizièmement +semestriellement sempiternellement senestrorsum sensationnellement +sensuellement sensément sentencieusement sentimentalement septentrionalement +septièmement sereinement serré serviablement servilement seul seulement sexto +sforzando si sibyllinement sic sidéralement sidérurgiquement significativement +similairement simplement simultanément sincèrement singulièrement sinistrement +sinon sinueusement siouxement sirupeusement sitôt sixièmement smorzando +sobrement sociablement socialement sociolinguistiquement sociologiquement +socratiquement soigneusement soit soixantièmement solairement soldatesquement +solidairement solidement solitairement somatiquement sombrement sommairement +somptuairement somptueusement songeusement sonorement sophistiquement +sordidement sororalement sostenuto sottement soucieusement soudain +souhaitablement souplement soupçonneusement sourcilleusement sourdement +souterrainement souvent souventefois souverainement soyeusement spacieusement +spasmodiquement spatialement spectaculairement spectralement sphériquement +splendidement spontanément sporadiquement sportivement spécialement +spécifiquement spéculairement spéculativement spéléologiquement stablement +staliniennement stationnairement statiquement statistiquement statutairement +stoechiométriquement stoïquement stratigraphiquement stratégiquement +stridemment strophiquement structuralement structurellement studieusement +stylistiquement sténographiquement stérilement stéréographiquement +stéréophoniquement suavement subalternement subconsciemment subitement subito +sublimement subordinément subordonnément subrepticement subrogatoirement +substantiellement substantivement subséquemment subtilement subversivement +succinctement succulemment suffisamment suggestivement suicidairement +superbement superficiellement superfinement superfétatoirement superlativement +supplémentairement supplétivement supportablement supposément supra +suprêmement supérieurement surabondamment surhumainement surnaturellement +surréellement surtout surérogatoirement sus suspectement suspicieusement +syllabiquement syllogistiquement symbiotiquement symboliquement +symphoniquement symptomatiquement symétriquement synchroniquement +syndicalement synergiquement synonymiquement synoptiquement syntactiquement +syntaxiquement synthétiquement systématiquement systémiquement sèchement +séculièrement sédentairement séditieusement sélectivement sélénographiquement +sémiologiquement sémiotiquement sémiquement séméiotiquement sénilement +séquentiellement séraphiquement sériellement sérieusement sérologiquement +sûr sûrement tabulairement tacitement taciturnement tactilement tactiquement +talmudiquement tangentiellement tangiblement tant tantôt tapageusement +tard tardivement tatillonnement tauromachiquement tautologiquement +taxinomiquement taxonomiquement techniquement technocratiquement +tectoniquement teigneusement tellement temporairement temporellement +tenacement tendanciellement tendancieusement tendrement tennistiquement +tenuto ter terminologiquement ternement terrible terriblement territorialement +testimonialement texto textuellement thermiquement thermodynamiquement +thermonucléairement thermoélectriquement thématiquement théocratiquement +théologiquement théoriquement théosophiquement thérapeutiquement thétiquement +timidement titulairement tièdement tiédassement tocardement tolérablement +toniquement topiquement topographiquement topologiquement toponymiquement +torrentueusement torridement tortueusement torvement totalement +toujours touristiquement tout toute toutefois toxicologiquement +traditionnellement tragediante tragiquement tranquillement +transcendantalement transformationnellement transgressivement transitivement +transversalement traumatologiquement traînardement traîtreusement +trentièmement triangulairement tribalement tridimensionnellement +trihebdomadairement trimestriellement triomphalement triplement +tristement trivialement troisio troisièmement trompeusement trop +très ttc tumultuairement tumultueusement turpidement tutélairement typiquement +typologiquement tyranniquement télescopiquement téléautographiquement +téléinformatiquement télématiquement téléologiquement télépathiquement +télévisuellement témérairement ténébreusement tératologiquement tétaniquement +tétraédriquement tôt ultimement ultimo ultérieurement unanimement uniformément +unilinéairement uniment uninominalement unipolairement uniquement unitairement +universitairement univoquement unièmement urbainement urgemment urologiquement +usurairement utilement utilitairement utopiquement uvulairement vachardement +vaginalement vaguement vaillamment vainement valablement valeureusement +vaniteusement vantardement vaporeusement variablement vasculairement +vasouillardement vastement velléitairement vendredi venimeusement ventralement +verbeusement vernaculairement versatilement vertement verticalement +vertueusement verveusement vestimentairement veulement vicieusement +vieillottement vigesimo vigilamment vigoureusement vilain vilainement vilement +vingtièmement violemment virginalement virilement virtuellement virulemment +viscéralement visiblement visqueusement visuellement vitalement vite vitement +vivacement vivement viviparement vocalement vocaliquement voir voire +volcaniquement volcanologiquement volontairement volontiers volubilement +voluptueusement voracement voyez-vous vrai vraiment vraisemblablement +vulgo végétalement végétativement véhémentement vélairement vélocement +véniellement vénéneusement vénérablement véracement véridiquement +vésaniquement vétilleusement vétustement xylographiquement xérographiquement +zootechniquement âcrement âprement çà échocardiographiquement +échométriquement éclatamment éclectiquement écologiquement économement +économétriquement édéniquement également égalitairement égocentriquement +égrillardement éhontément élastiquement électivement électoralement +électrocardiographiquement électrochimiquement électrodynamiquement +électromagnétiquement électromécaniquement électroniquement +électropneumatiquement électrostatiquement électrotechniquement +éliminatoirement élitistement élogieusement éloquemment élégamment +élémentairement éminemment émotionnellement émotivement énergiquement +énigmatiquement énièmement énormément épais épaissement éparsement épatamment +éphémèrement épicuriennement épidermiquement épidémiologiquement +épigrammatiquement épigraphiquement épileptiquement épiquement épiscopalement +épistolairement épistémologiquement épouvantablement équitablement +équivoquement érotiquement éruditement éruptivement érémitiquement +étatiquement éternellement éthiquement éthologiquement étonnamment étourdiment +étroitement étymologiquement évangéliquement évasivement éventuellement +""".split() +) diff --git a/spacy/lang/fr/lemmatizer/_auxiliary_verbs_irreg.py b/spacy/lang/fr/lemmatizer/_auxiliary_verbs_irreg.py index 48aa35020..5e9187993 100644 --- a/spacy/lang/fr/lemmatizer/_auxiliary_verbs_irreg.py +++ b/spacy/lang/fr/lemmatizer/_auxiliary_verbs_irreg.py @@ -82,5 +82,5 @@ AUXILIARY_VERBS_IRREG = { "eussions": ("avoir",), "eussiez": ("avoir",), "eussent": ("avoir",), - "ayant": ("avoir",) + "ayant": ("avoir",), } diff --git a/spacy/lang/fr/lemmatizer/_dets_irreg.py b/spacy/lang/fr/lemmatizer/_dets_irreg.py index 325c1e035..ce7e4ce6f 100644 --- a/spacy/lang/fr/lemmatizer/_dets_irreg.py +++ b/spacy/lang/fr/lemmatizer/_dets_irreg.py @@ -45,5 +45,5 @@ DETS_IRREG = { "des": ("un",), "une": ("un",), "vingts": ("vingt",), - "vos": ("votre",) + "vos": ("votre",), } diff --git a/spacy/lang/fr/lemmatizer/_lemma_rules.py b/spacy/lang/fr/lemmatizer/_lemma_rules.py index 68e227217..87c51b539 100644 --- a/spacy/lang/fr/lemmatizer/_lemma_rules.py +++ b/spacy/lang/fr/lemmatizer/_lemma_rules.py @@ -2,16 +2,10 @@ from __future__ import unicode_literals -ADJECTIVE_RULES = [ - ["s", ""], - ["e", ""], - ["es", ""] -] - - -NOUN_RULES = [ - ["s", ""] -] +ADJECTIVE_RULES = [["s", ""], ["e", ""], ["es", ""]] + + +NOUN_RULES = [["s", ""]] VERB_RULES = [ @@ -52,5 +46,5 @@ VERB_RULES = [ ["assions", "er"], ["assiez", "er"], ["assent", "er"], - ["ant", "er"] + ["ant", "er"], ] diff --git a/spacy/lang/fr/lemmatizer/_nouns.py b/spacy/lang/fr/lemmatizer/_nouns.py index fcbe08826..09bed98a6 100644 --- a/spacy/lang/fr/lemmatizer/_nouns.py +++ b/spacy/lang/fr/lemmatizer/_nouns.py @@ -2,7953 +2,7955 @@ from __future__ import unicode_literals -NOUNS = set(""" - abaca abacule abaisse abaissement abaisseur abaissée abajoue abalone abalé - abandonnataire abandonnateur abandonnement abandonnique abandonnisme abandonné - abarco abasie abasourdissement abat abat-carrage abat-son abatage abatant - abattant abattement abatteur abatteuse abattoir abattu abattue abatture - abatée abaza abba abbacomite abbasside abbatiale abbatiat abbaye abbesse abbé - abdicataire abdication abdomen abducteur abduction abeillage abeille abeiller - abeillon aber aberrance aberration abessif abich abillot abiogenèse abiose - abiétacée abiétate abiétinée abjection abjuration abkhaze ablactation ablaque - ablation ablaut able ableret ablette ablier abloc ablocage ablot ablutiomanie - ablégat ablégation ablépharie abnégation abobra aboi aboiement abolisseur - abolitionnisme abolitionniste abomasite abomasum abomination abondance - abondement abonnataire abonnement abonnissement abonné abord abordage abordeur - aborigène abornement abortif abot abouchement aboulie aboulique abouna about - aboutement aboutissement aboutoir aboutoire aboyeur abra abranche abrasif - abrasin abrasion abrasivité abre abreuvage abreuvement abreuvoir abri abricot - abricotine abricoté abrivent abrogateur abrogation abroma abronia abrotone - abrupt abruti abrutissement abrutisseur abruzzain abrègement abréaction - abrégé abréviateur abréviation abscisse abscissine abscission absconse absence - absentéisme absentéiste abside absidia absidiole absinthe absinthisme absolue - absolution absolutisme absolutiste absorbance absorbant absorbeur absorptance - absorptiométrie absorption absorptivité absoute abstention abstentionnisme - abstinence abstinent abstract abstracteur abstraction abstractionnisme - abstrait abstème absurdisme absurdité abuseur abusivité abutilon abyme abysse - abyssinien abâtardissement abécédaire abée abélie abélisation abêtissement - acabit acacia acacien acadien académicien académie académisme académiste - acalcaire acalculie acalla acalypha acalyptère acalèphe acanthacée acanthaire - acanthe acanthephyra acanthestésie acanthite acanthiza acanthobdelle - acanthocine acanthocyte acanthocytose acanthocéphale acanthodactyle - acanthoglosse acantholabre acantholimon acantholyse acanthome acanthomètre - acanthor acanthose acanthozoïde acanthuridé acanthuroïde acanthéphyre acapnie - acardite acaricide acaridié acaridé acarien acariose acariâtreté acarocécidie - acatalepsie acathiste acathésie acaulinose acavacé accablement accalmie - accapareur accastillage accense accensement accent accenteur accentologie - acceptabilité acceptant acceptation accepteur acception accessibilité - accessit accessoire accessoiriste acchroïde acciaccatura accident - accidenté accipitridé accipitriforme accise accisien acclamateur acclamation - acclimatement accointance accolade accolage accolement accommodat - accommodement accompagnage accompagnateur accompagnement accompli - accon acconage acconier accorage accord accordage accordement accordeur - accordé accordée accordéon accordéoniste accore accortise accostage accot - accotement accotoir accouchement accoucheur accouchée accoudement accoudoir - accouple accouplement accourcissement accoutrement accoutumance accouvage - accro accroc accrochage accroche accroche-coeur accrochement accrocheur - accroupissement accroïde accru accrue accréditation accréditeur accréditif - accrétion accu accueil accul acculement acculturation acculée accumulateur - accusateur accusatif accusation accusé accédant accélérateur accélération - accélérographe accéléromètre accéléré ace acense acensement aceratherium - acerdèse acerentomon acescence acetabularia acetabulum achaine achaire - achalasie achar achard acharisme acharite acharnement acharné achat - achatinidé ache acheb acheilie acheminement achemineur acherontia acheteur - achevé achigan achillée achimène acholie achondrite achondroplase - achoppement achorion achoug achrafi achromat achromaticité achromatine - achromatope achromatopsie achromatopsique achromie achroïte achylie achène - achèvement achéen achélie acicule acidage acidalie acidanthera acide - acidification acidimètre acidimétrie acidité acido-cétone acido-résistant - acidolyse acidose acidulation acidurie acidémie acier acinace acineta - acinèse acinésie acinétien acinétobacter acipenséridé aciérage aciération - aciériste acmite acmé acméidé acméisme acné acnéique acochlidiidé acoele - acolytat acolyte acompte acon aconage aconier aconine aconit aconitine acontie - acore acorie acosmisme acotylédone acotylédoné acouchi acoumètre acoumétrie - acousmatique acousmie acousticien acoustique acquiescement acquisition - acquit acquittement acquitté acquéreur acquêt acra acrama acranien acrasié - acrat acre acrididé acridien acridine acridone acriflavine acrimonie acrinie - acroasphyxie acrobate acrobatie acrochordidé acrocine acroclinie acrocomia - acrocéphale acrocéphalie acrodermatite acrodynie acrokératose acroléine - acromiotomie acromyodé acromégale acromégalie acromélalgie acron acronycte - acronymie acroparesthésie acropathie acrophase acrophobie acrophonie acropode - acropolyarthrite acropore acrosarcomatose acrosclérose acrosome acrospore - acrothoracique acrotère acroïde acrylate acrylique acrylonitrile actant acte - actif actine actiniaire actinide actinidia actinie actinisation actinisme - actinite actinobacillose actinocéphalidé actinodermatose actinodermite - actinolite actinologie actinomycine actinomycose actinomycète actinomycétale - actinométrie actinon actinophryidien actinopode actinoptérygien actinoscopie - actinosporidie actinotactisme actinote actinothérapie actinotriche - actinotroque actinule actinédide action actionnaire actionnalisme - actionnariat actionnement actionneur activant activateur activation activeur - activisme activiste activité actogramme actographe actographie actomyosine - actualisateur actualisation actualisme actualité actuariat actuateur actuation - actéon actéonine acuité acul aculéate acuponcteur acuponcture acupuncteur - acutance acyanopsie acylation acyle acyloïne acène acémète acénaphtène - acéphalie acéracée acérine acétabule acétabuloplastie acétal acétaldéhyde - acétamide acétanilide acétate acétazolamide acétificateur acétification - acétimétrie acétine acétoacétanilide acétobacter acétobutyrate acétocellulose - acétomètre acétone acétonide acétonitrile acétonurie acétonylacétone - acétophénone acétopropionate acétose acétosité acétoxyle acétoïne acétycholine - acétylacétate acétylacétone acétylaminofluorène acétylase acétylation - acétylcellulose acétylcholine acétylcoenzyme acétyle acétylure acétylène ada - adage adagietto adagio adamantane adamantoblaste adamien adamisme adamite - adansonia adaptabilité adaptat adaptateur adaptation adaptomètre adaptométrie - addiction additif addition additionneur additionneuse additivité adduct - adduction adduit adelantado adelphie adelphophagie adenandra adenanthera adent - adermine aderne adessif adhotoda adhérence adhérent adhéromètre adhésif - adhésion adhésivité adiabate adiabatique adiabatisme adiadococinésie adiante - adiaphoriste adiaphorèse adipate adipocire adipocyte adipogenèse adipolyse - adipopexie adipose adiposité adipoxanthose adipsie adition adiurétine adjectif - adjectivation adjectivisateur adjectivisation adjoint adjonction adjudant - adjudicataire adjudicateur adjudication adjuration adjuvant adjuvat adlérien - administrateur administratif administration administré admirateur admiration - admissible admission admittance admittatur admixtion admonestation admonition - adobe adogmatique adogmatisme adolescence adolescent adonien adonique adoptant - adoptianiste adoptif adoption adopté adorant adorateur adoration adoré - adoubement adouci adoucissage adoucissant adoucissement adoucisseur - adragante adraste adressage adresse adressier adret adrogation adrénaline - adrénergique adrénolytique adsorbabilité adsorbant adsorbat adsorption - adstrat adulaire adulateur adulation adulte adultisme adultère adultération - adventice adventiste adverbe adverbialisateur adverbialisation adversaire - adynamie adèle adélite adélomycète adénalgie adénase adénectomie adénine - adénocancer adénocarcinome adénocarpe adénofibrome adénogramme adénohypophyse - adénolymphocèle adénolymphome adénomatose adénome adénomyome adénomégalie - adénophlegmon adénosine adénostyle adénovirose adénoïdectomie adénoïdite - adéquation aegagre aegagropile aegipan aegithale aegla aegle aegocère - aegosome aegothèle aegyrine aegyrite aelie aelosome aenigmatite aeolidia - aeschne aeschnidé aeschynite aesculoside aethusa aethuse aethésiomètre afar - affabulateur affabulation affacturage affadissement affaiblissement - affaire affairement affairisme affairiste affairé affaissement affaitage - affaiteur affale affalement affameur affamé affar affect affectation affectif - affectivité affecté affenage affermage affermataire affermissement affeurage - affichage affiche affichette afficheur affichiste affichure afficionado - affidé affilage affilement affileur affiliation affilié affiloir affinage - affinerie affineur affinité affinoir affiquage affiquet affirmateur - affirmative affixation affixe affleurage affleurement affleureuse affliction - afflouage affluence affluent affléchage affolage affolement affolé afforage - afforestation affouage affouager affouagiste affouagé affouillement - affourchage affourche affourchement affourragement affranchi affranchissement - affranchisseuse affrication affriquée affront affrontement affronteur - affréteur affublement affusion afféage afférence afférissement afféterie affût - affûteur affûteuse afghan afghani afghanologue afibrinogénémie aficion - aflatoxine aframomum africain africanisation africanisme africaniste - africanthrope afrikaander afrikander afrikaner afroaméricain afroasiatique - afwillite afzelia aga agace agacement agacerie agalactie agalaxie agalik agame - agamidé agamie agammaglobulinémie agamète agapanthe agapanthie agape agaric - agaricale agasse agassin agate agatisation agave agavé age agence agencement - agenda agende agenouillement agenouilloir agent agentif agentivité ageratum - aggiornamento agglomérant agglomérat agglomération aggloméré agglutinabilité - agglutination agglutinine agglutinogène aggravation aggravée agha aghalik - agio agiotage agioteur agissement agitateur agitation agité aglaope aglaspide - aglite aglobulie aglossa aglosse aglossie aglucone aglycone aglyphe aglène - agnat agnathe agnathie agnation agnel agnelage agnelet agnelin agneline - agnelée agnosie agnosique agnosticisme agnostique agnèlement agonidé agonie - agora agoranome agoraphobe agoraphobie agouti agpaïcité agpaïte agradation - agrafe agrafeur agrafeuse agrafure agrain agrainage agrammaticalité - agrammatisme agrandissement agrandisseur agranulocytose agraphie agrarianisme - agrarien agrarisme agravité agrenage agresseur agressif agression - agressive agressivité agressé agreste agrichage agriculteur agriculture agrile - agrionidé agriote agriotype agripaume agrippement agroalimentaire - agrobate agrobiologie agrobiologiste agrochimie agroclimatologie agrogéologie - agromyze agrométéorologie agrométéorologiste agronome agronomie agronométrie - agrostemma agrostide agrosystème agroville agroécosystème agrume agrumiculteur - agrumier agréage agréation agréeur agrégant agrégat agrégatif agrégation - agrégomètre agrégé agrément agréé aguardiente aguerrissement agueusie - aguichage aguicheur aguilarite agélastique agélène agélénidé agénie agénésie - agônarque agônothète ahan ahanement aheurtement ahuri ahurissement aiche aide - aigage aigle aiglefin aiglette aiglon aignel aigrefin aigremoine aigrette - aigri aigrin aigrissement aigu aiguade aiguadier aiguage aiguail aiguerie - aiguillat aiguille aiguilletage aiguillette aiguilleur aiguillier aiguillon - aiguillonnier aiguillot aiguillée aiguisage aiguisement aiguiseur aiguisoir - aikinite ail ailante aile aileron ailetage ailette ailier aillade ailloli - ailurope aimant aimantation aime aimé aine air airain airbag aire airedale - airure airée aisance aise aissaugue aisselette aisselier aisselle aissette - aiélé ajiste ajmaline ajoite ajonc ajour ajourage ajournement ajourné ajout - ajouté ajuridicité ajust ajustage ajustement ajusteur ajustoir ajusture ajut - akataphasie akathisie akermanite akinésie akkadien akvavit akène akébie - alabandite alabarque alabastre alabastrite alacrité alacrymie alaise alambic - alamosite alandier alane alanguissement alanine alantol alantolactone alaouite - alarme alarmisme alarmiste alastrim alaterne alaudidé albacore albane - alberge albergier albertypie albien albigéisme albinisme albite alboche albran - albuginacée albuginée albugo album albumen albuminate albumine albuminimètre - albuminoïde albuminurie albuminémie albumose albumosurie albumoïde albâtre - albédomètre alcade alcadie alcadiène alcalescence alcali alcalicellulose - alcalimétrie alcalin alcalinisation alcalinité alcalisation alcalose alcaloïde - alcane alcannine alcanol alcanone alcanoïque alcantarin alcaptone alcaptonurie - alchimie alchimiste alchémille alcide alcidé alciforme alciopidé alcool - alcoolate alcoolature alcoolier alcoolification alcooligène alcoolique - alcoolisme alcoolo alcoolodépendance alcoologie alcoologue alcoolomanie - alcoolé alcoolémie alcoomètre alcoométrie alcootest alcotest alcoxyle - alcoylant alcoylation alcoyle alcoylidène alcyne alcynyle alcyon alcyonaire - alcène alcédinidé alcénol alcénone alcénoïque alcényle alcôve aldimine - aldol aldolase aldolasémie aldolisation aldopentose aldose aldostérone - aldrine aldéhydate aldéhyde ale alectromancie alectryomancie alectryonia - alerte alette aleurie aleuriospore aleurite aleurobie aleurode aleurodidé - aleuromètre aleurone aleutier alevin alevinage alevinier alevinière alexandra - alexandrinisme alexandrite alexie alexine alezan alfa alfadolone alfange - algarade algazelle algidité algie alginate algine algiroïde algobactériée - algoculture algodonite algodystrophie algognosie algol algolagnie algologie - algonkien algonquien algonquin algopareunie algophile algophilie algophobe - algorithme algorithmisation alguazil algue algyroïde algèbre algébriste - algérien algérienne algésimètre alibi aliboron aliboufier alicante alidade - alignement aligneur alignoir alignée aligot aligoté aliment alimentateur - alimenteur alinéa aliquote alise alisier alisma alismacée alisme alite - alité alizari alizarine alize alizier alizé aliénabilité aliénataire - aliénation aliéniste aliéné alkannine alkoxyde alkyd alkyde alkylamine - alkylat alkylation alkyle alkylidène alkylsulfonate alkékenge allache - allaitement allaiteur allanite allant allante allantoïde allantoïdien - allate allatif allemand allemande allemontite aller allergide allergie - allergisation allergographie allergologie allergologiste allergologue - allesthésie alleutier alliage alliaire alliance alliciant allicine alligator - alliine allitisation allitération allivalite allivrement allié alloantigène - allocation allocentrisme allocentriste allochtone allocutaire allocuteur - allocèbe allodialité alloeocoele alloesthésie allogamie alloglossie alloglotte - allogreffe allogène allolalie allomorphe allomorphie allomorphisme allométrie - allongement allopathe allopathie allophane allophone allophtalmie - allopolyploïdie allopurinol alloréactivité allose allosome allostérie - allothérien allotissement allotone allotrie allotriophagie allotrophie - allotype allotypie allouche allouchier alluaudite alluchon allumage - allumette allumettier allumeur allumeuse allumoir allure allusion alluvion - allylation allyle allylène allèchement allège allègement allèle allène - allée allégation allégeance allégement allégeur allégorie allégorisation - allégorisme allégoriste allégresse allégretto allégro allélisme allélopathie - alléluia alléthrine almageste almami almanach almandin almandine almandite - almicantarat almiqui almée almélec alnoïte alogie aloi alomancie alophore - alose alouate alouchier alouette alourdissement aloéémodine aloïne alpaga - alpe alpenstock alphabet alphabloquant alphabète alphabétisation alphabétiseur - alphachymotrypsine alphaglobuline alphanesse alphanet alphanette - alphastimulant alphathérapie alphatron alphitobie alphitomancie alphonse - alpiculture alpinisme alpiniste alpinum alpiste alque alsace alsacien - altaïque altaïte altercation alternance alternant alternat alternateur - alternative alternativité alternatrice alternomoteur altesse althaea althée - altimétrie altiplanation altiport altise altiste altisurface altitude alto - altruisme altruiste altérabilité altérant altération altérité alu alucite - aluminage aluminate alumine aluminerie aluminiage aluminier aluminisation - aluminochlorure aluminofluorure aluminon aluminose aluminosilicate - aluminure alumnat alumnite alun alunage alunation alunerie alunissage alunite - alurgite alvier alvéographe alvéolage alvéole alvéolectomie alvéoline - alvéolite alvéolyse alvéopalatale alyde alymphocytose alysie alysse alysson - alyssum alysséide alyte alèse aléa alémanique aléochare alépine alépisaure - alésage aléseur aléseuse alésoir alêne amabilité amadine amadou amadouement - amaigrissement amalgamation amalgame aman amandaie amande amanderaie amandier - amandon amandé amanite amanitine amant amarantacée amarante amaranthacée - amareyeur amarillite amarillose amarinage amarinier amarrage amarre - amassage amassette amasseur amastridé amatelotage amatelotement amateur - amatol amatoxine amaurose amazone amazonien amazonite amazonomachie ambacte - ambassadeur ambe ambiance ambidextre ambidextrie ambidextérité ambigu - ambilatéralité ambiophonie ambition ambivalence amble amblygonite amblyope - amblyopode amblyopsidé amblyopyge amblyoscope amblyostomidé amblypode - amblyrhynque amblystome amblystomidé ambocepteur amboine ambon ambre ambrette - ambrosia ambréine ambulacre ambulance ambulancier ambulant ambérique ameive - amenage amende amendement amendeur ameneur amensalisme amentale amentifère - amenée amer amerlo amerloque amerlot amerrissage amertume ameublement - ameutement amherstia ami amiante amiantose amibe amibiase amibien amiboïsme - amicaliste amict amidase amide amidine amidon amidonnage amidonnerie - amidopyrine amidostome amidure amie amimie aminacrine amination amincissage - amine amineoxydase amineptine amino-indole aminoacide aminoacidopathie - aminoacidémie aminoalcool aminoazobenzène aminobenzène aminoffite aminogène - aminophylline aminophénol aminoplaste aminoptérine aminopyridine aminopyrine - aminoside amiralat amirauté amission amitié amitose amitriptyline amixie amman - ammi ammine ammocète ammodorcade ammodyte ammodytidé ammodytoïde ammomane - ammoniac ammoniacate ammoniaque ammonification ammoniogenèse ammoniolyse - ammonisation ammonite ammonitidé ammonitrate ammonium ammoniure ammoniurie - ammonotélie ammonotélisme ammonoïde ammophila ammophile ammotréchidé - amnestique amniocentèse amniographie amniomancie amniorrhée amnioscope - amniote amnistie amnistié amnésiant amnésie amnésique amobarbital amochage - amodiateur amodiation amoebicide amoindrissement amok amolette amollissement - amoncellement amont amontillado amoralisme amoraliste amoralité amorce - amorceur amordançage amoriste amorpha amorphisme amorphognosie amorphosynthèse - amorti amortie amortissement amortisseur amorçage amorçoir amosite amouillante - amourette amovibilité ampharétidé amphi amphiarthrose amphibie amphibien - amphibiotique amphibola amphibole amphibolie amphibolite amphibologie - amphictyon amphictyonie amphicténidé amphide amphidiscophore amphidromie - amphiline amphimalle amphimixie amphineure amphinome amphion amphipode - amphiprostyle amphiptère amphipyre amphisbaenidé amphisbène amphisbénien - amphistome amphistère amphithallisme amphithéâtre amphitrite amphitryon - amphiumidé ampholyte amphore amphotéricine amphotérisation amphycite - ampicilline ampleur ampli ampliateur ampliation amplidyne amplificateur - amplification ampligène ampliomètre amplitude ampoule ampoulette ampullaire - ampullome amputation amputé ampère ampèremètre ampélidacée ampélite - ampélologie ampérage ampérien ampérométrie amulette amure amusement amusette - amusie amuïssement amygdale amygdalectomie amygdaline amygdalite amygdaloside - amygdalée amylase amylasurie amylasémie amyle amylobacter amylolyse - amylose amyloïde amyloïdose amylène amynodonte amyotonie amyotrophie - amyrine amyxie amégacaryocytose amélanche amélanchier amélie amélioration - aménageur aménagiste aménité aménorrhée américain américaine américanisation - américaniste américano américanophobie amérindianiste amérindien amérique - amésite améthyste amétrope amétropie an anabantidé anabaptisme anabaptiste - anabiose anabolisant anabolisme anabolite anacarde anacardiacée anacardier - anachlorhydropepsie anachorète anachorétisme anachronisme anaclase anacoluthe - anacrotisme anacrouse anacruse anacréontisme anactinotriche anacycle - anadipsie anadémie anafront anaglyphe anaglypte anaglyptique anagnoste - anagrammatiste anagramme anagyre analcime analcite anale analemme analepsie - analgidé analgésiant analgésidé analgésie analgésique analité anallagmatie - anallatisme anallergie analogie analogisme analogiste analogon analogue - analphabétisme analycité analysabilité analysant analyse analyseur analyste - analyticité analytique anamirte anamniote anamnèse anamorphose anangioplasie - anapeste anaphase anaphore anaphorique anaphorèse anaphrodisiaque anaphrodisie - anaphylaxie anaplasie anaplasmose anaplastie anapside anapère anar anarchie - anarchisme anarchiste anarcho anarithmétie anarthrie anasarque anaspidacé - anastatique anastigmat anastigmatisme anastillose anastome anastomose - anatase anatexie anatexite anathème anathématisation anatidé anatife - anatolien anatomie anatomisme anatomiste anatomopathologie anatomopathologiste - anatopisme anatoxine anavenin anaérobie anaérobiose anche anchorelle - anchoyade anchoïade anchusa ancien ancienneté ancistrodon ancodonte ancolie - anconé ancrage ancre ancrure ancyle ancylite ancylopode ancylostome - ancêtre andabate andain andaineuse andalou andalousite andante andantino - andin andorite andorran andouille andouiller andouillette andradite andrinople - androcée androgenèse androgynat androgyne androgynie androgynéité androgène - androgéniticité andrologie andrologue androlâtre androlâtrie andromède - andropause androphore androsace androspore androstane androstènedione - androïde andrène andésine andésite anecdote anecdotier anel anelace - anencéphalie anergate anergie anesthésiant anesthésie anesthésiologie - anesthésique anesthésiste aneth aneuploïde aneuploïdie aneurine anfractuosité - angaria angarie ange angelot angevin angiectasie angiite angine - angiocardiogramme angiocardiographie angiocarpe angiocholite angiocholécystite - angiofibrome angiogenèse angiographie angiokératome angiokératose - angiologie angiomatose angiome angiomyome angioneuromyome angioneurose - angioplastie angiorragie angiorraphie angioréticulome angiosarcomatose - angioscintigraphie angiosclérose angioscope angioscopie angiose angiospasme - angiostrongylose angiotensine angiotensinogène angiotensinémie anglaisage - angle angledozer anglet anglican anglicanisme angliche anglicisant - anglicisme angliciste anglien anglo-saxon anglomane anglomanie anglophile - anglophobe anglophobie anglophone anglophonie anglésage anglésite angoisse - angon angor angora angoratine angstroem angström anguidé anguillard anguille - anguillette anguillidé anguilliforme anguilloïde anguillule anguillulose - anguimorphe angulaire angulation angusticlave angustura angusture - angéiologie angéiologue angéite angélique angélisme angélologie angélonia - anhidrose anhimidé anhinga anhydrase anhydride anhydrite anhydrobiose - anhylognosie anhédonie anhélation anhépatie ani aniba anicroche anidrose - anidéisme anile anilide aniliidé aniline anilisme anille anilocre - animalcule animalerie animalier animalité animateur animation anime animisme - animosité anion anionotropie aniridie anisakiase anisette anisidine anisien - anisocorie anisocytose anisogamie anisole anisomyaire anisométropie anisoplie - anisoptère anisosphygmie anisotome anisotonie anisotropie anisurie anisyle - aniséiconie anite anjou ankyloblépharon ankylocheilie ankyloglossie - ankylose ankylostome ankylostomiase ankylostomose ankylotie ankérite anna - annaliste annalité annamite annate annelet annelure annelé annexe annexion - annexionniste annexite annielliné annihilateur annihilation annite - annomination annonacée annonce annonceur annonciade annonciateur annonciation - annone annotateur annotation annoteur annuaire annualisation annualité annuité - annulaire annularia annulateur annulation annulocyte annuloplastie annulène - annélation annélide anoa anobie anobiidé anobli anoblissement anode - anodonte anodontie anolyte anomala anomale anomalie anomaliste anomalopidé - anomaloscopie anomalure anomaluridé anomalépiné anomie anomma anomodonte - anomère anoméen anona anonacée anone anonoxylon anonychie anonymat anonyme - anophtalmie anophèle anopisthographe anoplotherium anoploure anopsie anorak - anorchie anorexie anorexigène anorexique anorgasmie anormalité anorthite - anorthose anorthosite anosmie anosodiaphorie anosognosie anostracé anoure - anoxie anoxémie anse anseropoda anspect anspessade anséridé ansériforme - ansériné antagonisme antagoniste antalgie antalgique antarcticite antarctique - ante antennaire antennate antenne antennule antependium anthaxie - anthem anthericum anthicidé anthidie anthocyane anthocyanidine anthocyanine - anthologe anthologie anthologiste anthomyie anthoméduse anthonomage anthonome - anthophyllite anthozoaire anthracite anthracnose anthracologie anthracologue - anthracose anthracosia anthracène anthraflavone anthragallol anthraglucoside - anthranol anthraquinone anthrarufine anthribidé anthrol anthrone anthropien - anthropocentrisme anthropoclimatologie anthropogenèse anthropographie - anthropogéographie anthropologie anthropologisme anthropologiste anthropologue - anthropolâtrie anthropomancie anthropomorphe anthropomorphisation - anthropomorphiste anthropomorphologie anthropomètre anthropométrie - anthroponosologie anthroponyme anthroponymie anthropophage anthropophagie - anthropoplastie anthroposomatologie anthroposophe anthroposophie - anthropothéisme anthropothéiste anthropozoologie anthropozoonose anthropoïde - anthuridé anthurium anthyllide anthèle anthère anthèse anthélie anthéridie - antiabolitionniste antiabrasion antiacide antiadhésif antiagrégant antialcalin - antiallemand antiallergique antiaméricain antiaméricanisme antiandrogène - antiarylsulfatase antiarythmique antiasthmatique antiatome antiautomorphisme - antibaryon antibiogramme antibiose antibiothérapie antibiotique antibrouillage - antibélier anticabrage anticabreur anticalaminant anticalcique anticapitalisme - anticastriste anticatalyse anticathode antichambre anticheminant antichlore - antichrèse antichrésiste antichrétien anticipation anticipationnisme - anticlise anticléricalisme anticoagulant anticoccidien anticodon - anticolonialiste anticommunisme anticommuniste anticoncordataire - anticonformiste anticonvulsivant anticorpuscule anticorrosif anticorrosion - anticoïncidence anticryptogamique anticyclogenèse anticyclone anticytotoxique - antidate antidiabétique antidiarrhéique antidiurèse antidiurétique - antidore antidote antidotisme antidreyfusard antidécapant antidéflagrant - antidépresseur antidépressif antidérapant antidétonance antidétonant antie - antienne antienrayeur antienzyme antiesclavagiste antifacilitation antifading - antifasciste antiferment antiferromagnétique antiferromagnétisme - antifibrillant antifibrinolytique antifolinique antifolique antifongique - antiforme antifriction antifumeur antifumée antifungique antifédéraliste - antigauchisme antigauchiste antigaullisme antigaulliste antigel antigivrage - antigivre antigivreur antiglissoir antiglobuline antiglucocorticoïde - antigonadotrophine antigorite antigraphe antigravitation antigravité antigène - antigénicité antigénémie antihalo antihistaminique antihomographie antihormone - antihumaniste antiimpéralisme antiimpéraliste antiinflammatoire - antiintellectualisme antiintellectualiste antijanséniste antijudaïsme - antilacet antileucémique antilithique antilocapridé antilogarithme antilogie - antilopidé antilopiné antilueur antiléniniste antimaculateur antimalarique - antimarxiste antimatière antimense antimentalisme antimentaliste - antimilitariste antimite antimitotique antimoisissure antimonarchisme - antimoniate antimoniosulfure antimonite antimoniure antimonyle antimorale - antimycosique antimycotique antimère antiméridien antimétabolisme - antinataliste antinazi antineutrino antineutron antinidateur antinidatoire - antinomien antinomisme antinucléon antinévralgique antioxydant antioxygène - antipaludique antipaludéen antipape antiparallélisme antiparasitage - antiparasite antiparkinsonien antiparlementaire antiparlementarisme - antipathaire antipathie antipatinage antipatriote antipatriotisme antipepsine - antiphase antiphonaire antiphone antiphonie antiphrase antiplanification - antipodaire antipode antipodisme antipodiste antipoésie antiprisme - antiprogestatif antiprogestérone antiprolactine antiprotectionnisme - antiprothrombinase antiproton antiprotozoaire antiprotéase antipsorique - antipsychiatrie antipsychotique antipullorique antipulsateur antipurine - antipyrétique antipéristaltisme antiquaille antiquaire antiquark antique - antiquisant antiquité antiquomane antiracisme antiraciste antiradar - antiredéposition antirefouleur antiroi antiroman antirouille antirrhinum - antiréaction antiréactivité antirépublicain antirésonance antirévisionnisme - antisalle antiscorbutique antisepsie antiseptique antisexisme antisexiste - antisionisme antisioniste antiskating antislash antisocialiste antisoviétisme - antispaste antisportif antistatique antistatutiste antistreptolysine - antistructuraliste antisuie antisymétrie antisyphilitique antisèche - antiségrégationnisme antiségrégationniste antisémite antisémitisme - antisérum antiterroriste antithermique antithrombine antithyroïdien antithèse - antitoxicité antitoxine antitoxique antitrinitaire antitrinitarien - antitussif antivibrateur antivieillissant antivitamine antivitaminique - antivol antivomitif antivrilleur antiémétique antiépileptique antiétatisme - antoinisme antoiniste antonin antonomase antonyme antonymie antozonite antre - antrite antrotomie antrustion antécambrien antécesseur antéchrist antécime - antécourbure antécédence antécédent antédon antéfixe antéflexion antéhypophyse - antéposition antépénultième antéride antérieur antériorisation antériorité - anurie anurique anuscope anuscopie anxiolytique anxiété anéantissement - anélasticité anémie anémique anémochorie anémoclinomètre anémographe - anémométrie anémone anémophilie anémophobie anémoscope anémotaxie anémotrope - anépigraphe anérection anérythropsie anérète anéthol anéthole anétodermie - anévrismorraphie anévrysme anévrysmorraphie aoriste aorte aortectasie aortite - aortoplastie aortosténose aortotomie août aoûtat aoûtement aoûtien apache - apagogie apaisement apamine apanage apanagiste apantomancie apar apareunie - aparté apathie apathique apatite apatride apatridie apatura apella apepsie - aperception aperceptivité apertomètre aperture aperçu apesanteur apeurement - aphaniptère aphaquie aphasie aphasiologie aphasiologue aphasique aphelandra - aphidien aphidé aphonie aphorisme aphrocalliste aphrode aphrodisiaque - aphrodite aphromètre aphrophore aphte aphtitalite aphtone aphtongie aphya - aphéline aphérèse apicale apicodentale apicolabiale apiculteur apiculture - apidé apiocrine apiol apion apiquage apisin apithérapie apitoiement apiéceur - aplacentaire aplacophore aplanat aplanissement aplanisseuse aplanétisme - aplat aplatissage aplatissement aplatisseur aplatissoir aplatissoire - aplomb aplousobranche aplustre aplysie aplysine apneumie apneuse apnée - apoastre apocalypse apocarpie apocatastase apochromatique apocope apocrisiaire - apocryphe apocynacée apode apodecte apodicticité apodie apodiforme apodose - apodère apogamie apogonidé apogynie apogée apolitique apolitisme apollinarisme - apollinisme apollon apologie apologiste apologue apologétique apomixie - aponévrectomie aponévrose aponévrosite aponévrotomie apophatisme apophonie - apophyge apophyllite apophyse apophysite apoplectique apoplexie apoprotéine - aporia aporie aporépresseur aporétique aposiopèse aposporie apostasie apostat - apostolat apostolicité apostome apostrophe apostume apostériorisme - apostériorité aposélène aposélénée apothicaire apothicairerie apothème - apothécie apothéose appairage appaireur apparat apparatchik appareil - appareillage appareillement appareilleur apparence apparentement appariage - appariteur apparition appartement appartenance appauvrissement appel appelant - appellation appelé appendice appendicectomie appendicite appendicostomie - appenzell appertisation appesantissement applaudimètre applaudissement - appli applicabilité applicage applicateur application applique appoggiature - appoint appointage appointement appointissage appointure appointé appontage - apponteur apport apporteur apposition apprenant apprenti apprentissage - apprivoiseur approbateur approbation approbativité approche approfondissement - approuvé approvisionnement approvisionneur approximatif approximation - appréciateur appréciation appréhension apprêt apprêtage apprêteur apprêteuse - appui appuyoir appât appétence appétibilité appétit apractognosie apragmatique - apraxie apraxique apriorisme aprioriste apriorité aprisme aproctie apron - aprosodie aprème après-banquet après-dîner après-guerre après-messe - après-victoire apsara apside apsidospondyle apte aptitude aptyalisme - aptérygiforme aptérygote apulien apurement apyrexie apériteur apéritif apéro - apôtre aquaculteur aquaculture aquafortiste aquamanile aquamobile aquanaute - aquaplane aquaplaning aquarelle aquarelliste aquariophile aquariophilie - aquastat aquaterrarium aquatinte aquatintiste aquavit aqueduc aquiculteur - aquifoliacée aquifère aquilain aquilant aquilaria aquilifer aquilon aquitain - aquosité ara arabe arabesque arabette arabica arabinose arabinoside arabisant - arabisme arabiste arabite arabitol arabité arabophone arac aracari arachide - arachnide arachnidisme arachnodactyle arachnodactylie arachnologie - arachnologue arachnoïde arachnoïdite arack aracytine aracée aragonaise - araignée araine araire arak araldite arale aralia araliacée aramayoite aramidé - araméen araméisation araméophone arantèle aranéide aranéidé aranéisme - aranéologiste aranéologue aranéomorphe arapaïma araphie araponga arapède - araschnia arase arasement arassari araucan araucana araucaria araïose - arbalète arbalétrier arbalétrière arbi arbitrage arbitragiste arbitraire - arbitre arborescence arboretum arboricole arboriculteur arboriculture - arbouse arbousier arbovirose arbre arbrier arbuscule arbuste arbustier - arc arcadage arcade arcadie arcadien arcane arcanite arcanne arcanson arcasse - arcelle arcellidé arceuthobium arch-tube archaeocidaridé archaeocyathidé - archaeornithe archange archanthropien archaïsant archaïsme arche archebanc - archelle archenda archentéron archer archerie archet archetier archevêché - archiabbé archiannélide archiatre archibanc archichambellan archichancelier - archichlamydée archiconfrérie archicube archicérébellum archidiaconat - archidiacre archidiocèse archiduc archiduchesse archiduché archigalle - archiloquien archiluth archimandritat archimandrite archimillionnaire - archine archipallium archipel archiphonème archipompe archiprieur archiprêtre - archiptère archiptérygie archistratège archisémène architecte architectonica - architectonique architecture architecturier archithéore architrave architravée - archivage archive archiviste archivistique archivolte archière archiépiscopat - archonte archosaurien archère archèterie archébactérie archée archéen - archégoniate archégosaure archégète archéidé archéobactérie archéocivilisation - archéologie archéologue archéomagnétisme archéomètre archéométrie - archéozoologue archéozoïque archéspore archétype arcifère arcosolium arctation - arctica arcticidé arctiidé arctocyon arctocèbe arcturidé arcubaliste arcure - ardasse ardassine ardennite ardent ardeur ardillon ardisia ardoisage ardoise - ardoisier ardoisière ardéidé ardéiforme ardélion are arec arenaria arenga - argali arganier argent argentage argentan argentation argenterie argenteur - argentimétrie argentin argentine argentinisation argentite argentojarosite - argenton argentopyrite argenture argien argilane argile argilite argilière - argiope argiopidé argonaute argonide argot argotier argotisme argotiste - argousier argousin argue argule argument argumentaire argumentant - argumentation argumenteur argutie argynne argyraspide argyresthia argyrie - argyrite argyrodite argyronète argyroplocé argyrose aria arianisme - ariciidé aridité aridoculture arien ariette arile arille arion arionidé arioso - aristo aristocrate aristocratie aristocratisme aristoloche aristolochiacée - aristotélicien aristotélisme arithmancie arithmographe arithmologie - arithmomane arithmomanie arithmomètre arithmosophie arithméticien arithmétique - arité ariégite arkose arlequin arlequinade arlésien armada armadillo armagnac - armaillé armangite armateur armatole armature arme armeline armement armet - armillaire armille arminianisme arminien armistice armoire armoise armomancie - armoricain armure armurerie armurier armé armée arménien arménite arnaque - arni arnica arobe aromate aromathérapie aromaticité aromatique aromatisant - arome aromie aronde aroumain arousal aroïdacée aroïdée arpent arpentage - arpenteuse arpette arpion arpège arpègement arpète arquebusade arquebuse - arquebusier arqûre arrachage arrache-clou arrache-tube arrachement arracheur - arrachoir arraché arraisonnement arrangement arrangeur arrangée arrecteur - arrhénoblastome arrhénogénie arrhénotoquie arrhéphorie arrimage arrimeur - arrivant arrivisme arriviste arrivé arrivée arrière arrière-ban arrière-bouche - arrière-cour arrière-cousin arrière-garde arrière-goût arrière-pensée - arrière-rang arriération arriéré arrobe arroche arrogance arrogant arroi - arrondi arrondissage arrondissement arrondissementier arrondisseur - arrosage arrosement arroseur arroseuse arrosoir arrow-root arroyo arrénotokie - arrêtage arrêtiste arrêtoir arrêté arselet arsin arsine arsonium arsouille - arsénamine arséniate arséniomolybdate arséniosidérite arséniosulfure - arsénite arséniure arsénobenzène arsénolamprite arsénolite arsénopyrite art - artel artelle artemia arthracanthe arthralgie arthrectomie arthrite - arthritisme arthrobranchie arthrodie arthrodire arthrodynie arthrodèse - arthrogrypose arthrologie arthrolyse arthropathie arthroplastie arthropleura - arthropode arthroscopie arthrose arthrostomie arthrotomie artichaut - article articulaire articulateur articulation articulet articulé artien - artificialisation artificialisme artificialité artificier artiller artillerie - artillier artimon artinite artiodactyle artiozoaire artisan artisanat artison - artocarpe artoison artuson artère artérialisation artériectomie artériographie - artériolite artériopathie artériorragie artériorraphie artériosclérose - artériotomie artérite artéritique artésien arum aruspice arvale arvicole - aryen arylamine arylation aryle arylsulfatase arythmie aryténoïde aryténoïdite - arçon arçonnage arçonnier arène aréage arécoline aréflexie aréisme arénaire - arénicole arénigien arénisation arénite arénière aréographie aréole aréomètre - aréopage aréopagite aréostyle aréquier arétin arête arêtier arêtière arôme - asbeste asbestose ascalabote ascaphidé ascaride ascaridiase ascaridiose - ascaridé ascarite ascendance ascendant ascendeur ascenseur ascension - ascidiacé ascidie ascite ascitique asclère asclépiadacée asclépiade ascolia - ascone asconidé ascospore ascothoracique ascèse ascète ascétisme asdic ase - asellidé asemum asepsie aseptisation asexualité ashkenaze ashkénaze ashram - asiago asialie asianique asiate asiatique asiatisme aside asiento asilaire - asilidé asilé asiminier asinerie askari asociabilité asocialité asomatognosie - aspalosomie asparagine aspartame aspartate aspe aspect asperge aspergille - aspergillose aspergière aspermatisme aspermatogenèse aspermie asperseur - aspersoir asphaltage asphalte asphaltier asphaltite asphaltène asphodèle - asphyxie asphyxié aspic aspidistra aspidogastre aspidophore aspidozoïde - aspirateur aspiration aspirine aspirobatteur aspirée asple asplénium - asporulée aspre aspérité aspérule asque asram assagissement assaillant - assainisseur assaisonnement assassin assassinat assaut asse assemblage - assembleur assembleuse assemblé assemblée assentiment assermentation - assertion assertivité asservissement asservisseur assesseur assessorat assette - assiduité assiette assiettée assignat assignation assigné assimilateur - assimilationnisme assimilationniste assimilé assiminéidé assise assistanat - assistant assisté assiégeant assiégé associabilité association - associationniste associativité associé assoiffé assolement assombrissement - assommement assommeur assommoir assomption assomptionniste assonance - assortisseur assoupissement assouplissant assouplissement assouplisseur - assouvissement assujetti assujettissement assumation assurage assurance - assureur assuré assuétude assyrien assyriologie assyriologue assèchement - astaciculture astacidé astacologie astacoure astarté astasie astasobasophobie - aster asthmatique asthme asthénie asthénique asthénopie asthénospermie - asti astic asticot asticotier astigmate astigmatisme astiquage astome astomie - astragalomancie astrakan astrakanite astrapie astrapothérien astre astreinte - astringence astringent astrobiologie astroblème astroglie astrolabe astrologie - astrolâtrie astromancie astrométrie astrométriste astrométéorologie astronaute - astronautique astronef astronesthidé astronome astronomie astrophotographie - astrophysicien astrophysique astrotaxie astroïde astuce asturien astynome - astérie astérine astérinidé astérisque astérosismologie astérozoaire astéroïde - asylie asymbolie asymptote asymétrie asynchronisme asynclitisme asyndète - asystolie aséismicité aséité asémanticité asémie atabeg atabek ataca atacamite - ataraxie atavisme ataxie ataxique atelier atellane atelloire atermoiement - athalamie athalie athanor athlète athlétisme athrepsie athrepsique athymhormie - athymique athymormie athyroïdie athèque athée athéisme athélie athénien - athénée athérinidé athérome athérosclérose athérure athétose athétosique - atisine atlante atlanthrope atlantisme atlantiste atlantosaure atman - atmosphère atmosphérique atoca atocatière atoll atomaria atome atomicité - atomiseur atomisme atomiste atomistique atomisé atonalité atonie atopognosie - atout atoxicité atrabilaire atrabile atrachélie atransferrinémie atremata - atrichornithidé atriostomie atriotomie atriplicisme atrium atrocité atrophie - atropine atropinisation atropisme atropisomérie atroque atrésie atta - attache attachement attacheur attachot attaché attagène attapulgite attaquant - attardé atteinte attelage attelle attelloire attendrissage attendrissement - attendu attentat attente attention attentisme attentiste atterrage atterrement - atterrissement atterrisseur attestation atthidographe atticisme attier - attique attirail attirance attisement attisoir attisonnoir attitude - attorney attoseconde attouchement attracteur attraction attractivité attrait - attrapage attrape attrape-couillon attrempage attribut attributaire - attrition attroupement attélabe atténuateur atténuation atylidé atype atypie - atèle atélectasie atéleste atélie atélopidé atémadulet atérien aubade aubain - aube auberge aubergine aubergiste auberon auberonnière aubette aubier aubin - aubère aubépine auchénorhynque aucuba audace audibilité audience audiencement - audimutité audimètre audimétrie audiocassette audioconférence audiodisque - audiogramme audiographie audiologie audiomètre audiométrie audiophone - audioprothésiste audit auditeur auditif audition auditoire auditorat - audonien auge augeron auget augite augment augmentatif augmentation augure - augustalité auguste augustin augustinien augustinisme augée augélite - aulnaie aulne auloffée aulofée aulorhynchidé aulostomiforme aumaille aumusse - aumônerie aumônier aumônière aunage aunaie aune aunée aura aurantiacée aurate - aurichalcite aurichlorure auriculaire auricularia auricule auriculidé - auriculothérapie auricyanure aurification aurige aurignacien aurin aurinitrate - auriste aurisulfate aurochlorure aurocyanure aurore aurosulfite aurure auryle - auréole auréomycine auscitain auscultation ausonnien auspice aussière - australanthropien australien australopithèque austromarxisme austromarxiste - austroslavisme austrègue austrégale austénite austérité autan autarchoglosse - autel auteur authenticité authentification authonnier autisme autiste auto - autoaccusation autoadaptation autoadministration autoagglomération - autoagressivité autoalarme autoalimentation autoallumage autoamortissement - autoamputation autoanalgésie autoanalyse autoancrage autoantigène - autoassemblage autoberge autobiographe autobiographie autobloquant - autobronzant autocabrage autocanon autocar autocariste autocastration - autocensure autocentrage autochenille autochrome autochtone autochtonie - autoclavage autoclave autocoat autocollage autocollant autocollimation - autocompatibilité autocomplexe autoconcurrence autocondensation autoconduction - autoconsommation autocontrainte autocontrôle autocopie autocorrection - autocouchette autocoupleur autocrate autocratie autocratisme autocrator - autocritique autocuiseur autocurage autocytotoxine autocélébration autocéphale - autodafé autodestruction autodiagnostic autodialyse autodictée autodidacte - autodiffamation autodiffusion autodigestion autodirecteur autodirection - autodrome autoduplication autodyne autodébrayage autodécrassage autodéfense - autodépréciation autodérision autodésaimantation autodétermination - autoenseignement autoentretien autoexcitation autoexcitatrice autofertilité - autoflagellation autoformation autofrettage autofécondation autogamie - autogestionnaire autogire autogouvernement autographe autographie autogreffe - autoguide autogénie autohistoradiographie autohémolyse autohémorrhée - autoimmunisation autojustification autolimitation autoliquidation - autolubrification autolustrant autolysat autolyse autolégitimation automarché - automasseur automate automaticien automaticité automation automatique - automatisme automaton automitrailleuse automne automobile automobilisme - automorphisme automoteur automotrice automouvant automutilation automédication - automéduse autonarcose autonastie autoneige autonettoyage autonome autonomie - autonomisme autonomiste autonyme autonymie autopersuasion autophagie - autoplastie autopode autopollinisation autopolyploïde autopolyploïdie - autoportrait autopragie autoprescription autoproduction autoprojecteur - autopropulsion autoprotection autoprotolyse autopsie autopublicité - autoradio autoradiogramme autoradiographie autorail autorapport - autoreconstitution autorelaxation autoremblayage autorenforcement - autorespect autorisation autoritaire autoritarisme autorité autorotation - autoroutière autorythmicité autoréduction autoréférence autoréférent - autoréglementation autorégression autorégulation autorégénérescence - autoréplication autosatisfaction autoscooter autoscopie autosensibilisation - autospermotoxine autostabilisation autostabilité autostimulation autostop - autostrade autosubsistance autosuffisance autosuggestion autosymétrie - autosélection autotamponneuse autotaxi autotest autotomie autotopoagnosie - autotoxicité autotraction autotransformateur autotransfusion autotrophe - autotétraploïdie autour autourserie autoursier autovaccin autovaccination - autovérification autoécole autoécologie autoéducation autoépuration - autoérotisme autoévaporation autoévolution autrichien autruche autruchon - auvent auvergnat auvier auxiliaire auxiliariat auxiliateur auxine auxologie - avahi aval avalanche avalanchologie avalanchologue avalement avaleur avaliseur - avaloir avaloire avalure avance avancement avancée avanie avant avant-bec - avant-coin avant-contrat avant-dernier avant-fin avant-garde avant-gardisme - avant-gare avant-goût avant-ligne avant-métré avant-pont avant-port - avant-première avant-programme avant-projet avant-rapport avant-saison - avant-sentiment avant-série avant-terreur avantage avare avarice avarie avatar - avelinier aven avenaire avenant avenir avenirisme avent aventure aventurier - aventurisme aventuriste avenue averroïsme averroïste averse aversion - avertisseur avestique aveugle aveuglement aveulissement aviateur aviation - aviculaire avicule aviculteur aviculture avidité avifaune avilissement avinage - avionique avionnerie avionnette avionneur avipelvien aviron avironnier aviseur - avissure avisure avitaillement avitailleur avitaminose avivage avivement avivé - avocalie avocasserie avocat avocatier avocette avodiré avogador avogadrite - avoir avoriazien avortement avorteur avortoir avorton avorté avouerie avoué - avril avulsion avunculat avènement awaruite axe axel axialité axinite - axiologie axiomatique axiomatisation axiome axiphoïdie axolotl axone axonge - axénie axénisation axérophtol ayatollah aymara ayu ayuntamiento azalée azanien - azarolier azaüracile azerole azerolier azide azilien azimut azine azobenzène - azole azoospermie azophénol azotate azotite azotobacter azoture azoturerie - azotyle azotémie azoxybenzène azteca aztèque azulejo azulène azur azurage - azurite azuré azuréen azyme azéotropie azéri aède aélopithèque aérage aérateur - aéraulicien aéraulique aérenchyme aérianiste aérien aérium aéro-club aérobic - aérobiologie aérobiologiste aérobiose aérocheminement aéroclasseur aéroclub - aérocondenseur aérocontaminant aéroconvecteur aérocyste aérocâble aérocèle - aérodrome aérodynamicien aérodynamique aérodynamisme aérodynamiste aérodyne - aéroengrangeur aérofaneur aéroflottation aérofrein aérofrigorifère aérogare - aérogel aéroglisseur aéroglissière aérogramme aérographe aérographie - aérolite aérolithe aérologie aéromancie aéromancien aéromobilité aéromodèle - aéromodéliste aéromoteur aéromètre aérométrie aéronaute aéronautique aéronef - aéronomie aéropathie aérophagie aérophilatélie aérophobie aérophone aéroplane - aéroportage aéroréfrigérant aéroscope aérosol aérosondage aérostat aérostation - aérostier aérotechnique aérotherme aérothermodynamique aérothermothérapie - aérotrain aérotransport aérotriangulation aérozine aéroélasticité - aétite aétosaure aînesse aîné aï aïeul aïnou aïoli aïstopode baasiste - bab baba babeurre babil babilan babillage babillan babillard babillarde - babiole babiroussa babisme babiste baboite babotte babouche babouchka babouin - baby-boom baby-sitter baby-test babylonien babésioïdé bac bacante baccalauréat - baccarat bacchanale bacchante bacha bachagha bachelier bachellerie bachonnage - bachotage bachoteur bachotte bachèlerie bacillacée bacillaire bacillale - bacilloscopie bacillose bacillurie backgammon background bacologie bacon - bacovier bactrien bactritidé bactériacée bactériale bactéricide bactéridie - bactériidé bactériologie bactériologiste bactériolyse bactériophage bactériose - bactériémie bactéroïde bacul baculage baculaire baculite badamier badaud - baddeleyite badegoulien badelaire baderne badge badiane badianier badigeon - badigeonneur badin badinage badine badinerie badminton badèche baffe baffle - bafouement bafouillage bafouille bafouillement bafouilleur bagad bagage - bagagiste bagarre bagarreur bagasse bagassière bagatelle baggala bagnard - bagne bagnole bagnolet bagnolette bagou bagout bagouze bagridé baguage bague - baguenauderie baguenaudier baguettage baguette baguettisant baguier baguio - bahaïsme bahreïni baht bahut bahutier bai baie baignade baigneur baigneuse - bailador baile baille bailleur bailli bailliage baillie baillistre bain baise - baisement baiser baiseur baisse baisser baisseur baissier baissière baissoir - bajocasse bajoire bajoue bajoyer bakchich baklava baku bakélite bal balade - baladeuse baladin balaenidé balaenoptéridé balafon balafre balafré balai - balalaïka balance balancelle balancement balancier balancine balane balanidé - balanite balanoglosse balantidium balançoire balaou balata balayage balayette - balayeuse balayure balboa balbutiement balbuzard balcon balconnet baldaquin - baleinage baleine baleinier baleinière baleinoptère balestron balisage balise - balisier baliste balisticien balistidé balistique balistite - balivage baliverne baliveur balkanisation ballade ballant ballast ballastage - balle ballerine ballet balletomane ballettomane balleur ballier ballon - ballonnet ballonnier ballonné ballot ballote ballotin ballotine ballottage - ballottement ballottin ballottine ballotté balluchon balnéation balnéothérapie - balourd balourdage balourdise baloutche balsa balsamier balsamine balsamique - balthasar balthazar baluchithérium baluchon balustrade balustre balzane - balèze balénidé balénoptère balénoptéridé bambara bambin bambochade bambochard - bambocheur bambou bamboula ban banalisation banalité banane bananeraie - banat banc bancal bancarisation bancbrocheur banchage banche bancoulier - bancroftose bandage bandagiste bande bandeirante bandelette bandera banderille - banderolage banderole banderoleuse bandeur bandicoot bandit bandite banditisme - bandonéon bandothèque bandoulière bandylite bang bang-lang banian banjo - banknote banlieue banlieusard banne banneret banneton bannette banni - bannière banque banqueroute banqueroutier banquet banqueteur banquette - banquise banquiste banteng bantou bantouistique bantoustan banvin baobab - baptistaire baptiste baptistère baptisé baptême baquet bar baragouin - baragouineur baraka barandage baraque baraquement baraterie baratin baratineur - baratte baratté barbacane barban barbaque barbare barbaresque barbarie - barbarisme barbastelle barbe barbecue barbelure barbelé barbet barbette - barbiche barbichette barbichu barbier barbille barbillon barbital barbitiste - barbiturique barbiturisme barbituromanie barbière barboche barbon barbot - barbote barbotement barboteur barboteuse barbotin barbotine barbotière - barbouillage barbouille barbouilleur barbouze barbu barbue barbule barbure - barcasse barcelonnette bard barda bardage bardane bardariote barde bardelle - bardit bardière bardot baresthésie barge bargette barguignage barigoule baril - barillet bariolage bariolure barje barjo barjot barkhane barlotière barmaid - barnabite barnum barocepteur barographe baromètre barométrie baron baronet - baronne baronnet baronnie baroque baroquisme baroscope baroséisme barothérapie - baroud baroudeur barouf baroufle barque barquette barracuda barrage barragiste - barranco barrasquite barre barreaudage barrefort barrel barrement barrette - barricade barrique barrissement barrister barrit barrière barroir barrot barré - bartholinite barthélemite bartonella barycentre barye barylite barymétrie - barysilite barysphère baryte barytine barytite barytocalcite baryton barzoï - barème barégine barémage bas-côté bas-fond bas-foyer bas-mât bas-parc bas-port - bas-ventre basale basalte basane basanite bascologie basculage bascule - basculeur base base-ball baselle basic basicité baside basidiomycète - basier basification basilic basilicogrammate basilique basiléopatôr basin - basket basketteur basoche basochien basocytopénie basommatophore basophilie - basque basquet basquine basse basserie bassesse basset bassetite bassier - bassine bassinet bassinoire bassiste basson bassoniste bassonnier bastague - baste basterne bastiania bastide bastidon bastille basting bastingage bastion - bastisseur bastisseuse bastnaésite baston bastonnade bastringue bastude - bat bataclan bataille batailleur bataillon batak batave batavia batayole - batelet bateleur batelier batellerie batelée batholite bathoïde bathyergidé - bathymétrie bathynellacé bathynome bathyphante bathyplancton bathyporeia - bathysphère batifodage batifolage batifoleur batik batillage batiste batoude - batrachostome batracien battage battant batte battellement battement batterand - batteur batteuse battoir battu battue batture battée batée baud baudelairien - baudrier baudroie baudruche bauge bauhinia bauhinie baume baumhauérite baumier - bauquière bauriamorphe bauxite bauxitisation bavard bavardage bavarelle - bavasserie bave bavette baveuse bavière bavochure bavoir bavolet bavure - bayadère bayart bayle bayou bayram bazar bazardage bazardeur bazardisation - bazelaire bazooka baïcalia baïkalite baïle baïonnette baïoque baïram - bdellovibrio bdelloïde be-bop beach-boy beagle beat beatnik beauceron beauf - beaupré beauté bec beccard becfigue becher becquerel becquerélite becquet - becquetance becquée bectance bedaine bedlington bedon bedsonia beefmaster - beeper beethovenien beethovénien beffroi beggard behaviorisme behavioriste - beige beigne beignet beira bel belette belettière belge belgicisme belisarium - belle bellegardien bellicisme belliciste bellifontain belligérance belligérant - belluaire bellâtre belmontia belon belosepia belote belouga belvédère - bembécidé bengali bengalophone benjamin benjoin benmoréite benne benoîte - bentonite benzaldéhyde benzamide benzanilide benzanthracène benzanthrone - benzhydrol benzhydrylamine benzidine benzile benzimidazole benzinduline - benzine benzite benzoate benzodiazépine benzofuranne benzol benzolisme - benzonitrile benzophénone benzopinacol benzopyranne benzopyrazole - benzopyrone benzopyrrole benzopyrylium benzopyrène benzoquinone benzothiazole - benzoxazole benzoylation benzoyle benzoïne benzylamine benzylation - benzyle benzylidène benzyne benzène benzènesulfamide benzènesulfochlorure - benzénisme benêt ber beraunite berbère berbéridacée berbéridée berbérisme - berbérité berbérophone berce bercelonnette bercement berceuse bergamasque - bergamote bergamotier bergaptène berge berger bergerette bergerie - berginisation bergère berline berlingot berlingoteuse berlinite berliozien - berme bermuda bermudien bernache bernacle bernardin berne bernement berneur - bernique bernissartia berrichon berruyer bersaglier berserk bersim berthe - berthelée berthiérite berthollide berthon bertillonnage bertrandite - berzéliite berçante besace besacier besaiguë besant besogne besoin bessemer - besson bessonnière bestiaire bestialité bestiole bestion bette betterave - beudantite beuglant beuglante beuglement beur beurrage beurre beurrerie - beurré beurrée beursault beuverie bey beylicat beylisme bezel bezoule beïram - bhikku biacide biaisement biallyle bianor biarrot biathlon bibacier bibassier - bibelotage bibeloteur bibelotier bibenzyle biberon biberonnage bibi bibine - bibionidé bible bibliographe bibliographie bibliologie bibliologue bibliolâtre - bibliomancie bibliomancien bibliomane bibliomanie bibliométrie bibliophile - bibliothèque bibliothécaire bibliothéconomie bibliste biborate bicalcite - bicaméraliste bicamérisme bicarbonate bicentenaire bichaille biche bicherée - bichette bichir bichlorure bicho bichof bichon bichonnage bichromate bichromie - bicoecideum bicoque bicoquet bicorne bicot bicouche biculturalisme - bicycle bicyclette bicéphale bicéphalisme bidasse bidau bide bident bidet - bidoche bidon bidonnage bidonnet bidonville bidonvillisation bidouillage - bidual bidule biebérite bief bielle biellette bien bien-aimé bien-jugé - bienfaisance bienfait bienfaiteur biennale bienséance bienveillance bienvenu - biergol biface biffage biffe biffement biffin biffure bifteck bifton - bigame bigamie bigarade bigaradier bigarrure bige bighorn bigle bignole - bignonia bignoniacée bigophone bigor bigornage bigorne bigot bigoterie - bigouden bigoudi bigoula bigourdan biguanide bigue biguine bigéminisme bihari - bijouterie bijoutier bikbachi bikini bilabiale bilame bilan bilatérale - bilatéralité bilboquet bile bilharzia bilharzie bilharziose biligenèse - bilinguisation bilinguisme bilinite bilirubine bilirubinurie bilirubinémie - bill billage billard bille billebaude billet billeterie billette billetterie - billevesée billion billon billonnage billonnette billonneur billonneuse billot - bimbelot bimbeloterie bimbelotier bimensuel bimestre bimestriel bimillénaire - bimoteur bimétallisme bimétalliste binage binard binarité binart binationalité - binette bineur bineuse bingo biniou binoclard binocle binoculaire binon - binturong binôme bioacoustique biobibliographie biocalorimétrie biocapteur - biocatalyse biocatalyseur biochimie biochimiste biocide biocinétique bioclimat - bioclimatologiste biocoenose biocompatibilité bioconversion biocénose - biodynamique biodégradabilité biodégradant biodégradation biogenèse biographe - biogénie biogénétique biogéographie bioherbicide biologie biologisme - bioluminescence biomagnétisme biomarqueur biomasse biome biomembrane - biomolécule biomorphisme biomécanique biomédecine biométallurgie biométhane - biométéorologie bionique bionomie biopesticide biopharmacologie biophysicien - biophysique biopolymère bioprothèse bioprécurseur biopsie biorhiza biorythme - biosphère biospéléologie biospéologie biostasie biostatisticien biostatistique - biostrome biosynthèse bioséparation biotactisme biote biotechnique - bioterrorisme bioterroriste biothérapie biotine biotite biotope biotraiteur - biotype biotypologie biotypologiste bioxyde bioélectricité bioélectronique - bioénergie bioéthique bip bip-bip bipartisme bipartition bipasse bipenne - biphényle biphénylène bipied bipinnaria biplace biplan bipoint bipolarisation - bipolarité bipotentialité biprisme bipède bipédie biquadratique bique biquet - birapport birbe birdie birgue biribi birkrémite birman birotor biroute birr - biréacteur biréfringence birésidence bisaiguë bisazoïque bisaïeul bisbille - biscaïen bischof biscotin biscotte biscotterie biscoumacétate biscuit - biscuitier biscôme bise biseautage biseauteur biseautier biset bisexualité - bismuthine bismuthinite bismuthite bismuthosphérite bismuthothérapie - bismuthyle bismuthémie bismuture bisoc bison bisontin bisou bisphénol bisque - bisse bissection bissectrice bissel bissexte bissexualité bistabilité biston - bistortier bistouille bistouri bistournage bistre bistro bistrot bisulfate - bisulfure bit bite bitension bithématisme bithérapie bitmap bitonalité bitord - bitter bitture bitumage bitume bitumier biturbopropulseur biture biunivocité - bivalence bivalve bivecteur bivoltinisme bivouac biwa bixa bixacée bixbyite - bizarrerie bizet bizou bizoutage bizut bizutage bizuth bière bièvre biélorusse - blabère blache black blackboulage blade blageon blague blagueur blair blanc - blanche blanchet blancheur blanchiment blanchissage blanchissement - blanchisseur blanchoiement blanchon blandice blane blaniule blanquette - blanquiste blase blasement blason blasonnement blasonneur blasphème - blastocladiale blastocoele blastocyste blastocyte blastocèle blastoderme - blastodisque blastogenèse blastomycose blastomycète blastomère blastophaga - blastospore blastozoïde blastoïde blastula blastème blastèse blatte blattidé - blatèrement blavet blaze blazer bled blende blennie blenniidé blennioïde - blennorragie blennorrhée blesbok blessure blessé blette blettissement - bleu bleuet bleuetière bleuetterie bleueur bleuissage bleuissement bleuissure - bleuterie bliaud bliaut blind blindage blinde blindé blini blister blizzard - blocage blocaille blochet bloedite blond blonde blondel blondeur blondier - blondinet blondoiement bloodhound bloom bloomer blooming bloque bloquette - blottissement blouse blousier blouson blousse blue-jean bluet bluette bluffeur - bluterie bluteur blutoir blâme blèsement blé blédard blépharite blépharocère - blépharophtalmie blépharoplastie blépharorraphie blépharospasme blépharotic - blésité blêmeur blêmissement boa boarmie bob bobard bobeur bobierrite bobinage - bobine bobinette bobineur bobineuse bobinier bobinoir bobinot bobiste bobo - bobonne bobsleigh bobtail bobèche bobéchon bocage bocard bocardage bocardeur - boche bochiman bock bodo boehmeria boehmite boeing boejer boer boette boeuf - bogey boggie boghead boghei bogie bogomile bogomilisme bogue boguet bohème - boille boisage boisement boiserie boiseur boisselier boissellerie boisselée - boitement boiterie boitillement boitte bol bolchevik bolchevique bolchevisme - boldo bolduc bolet bolide bolier bolinche bolincheur bolitobie bolitophage - bolivar bolivien bollandiste bollard bolomètre bolong bolyerginé bolée boléro - bombagiste bombarde bombardement bombarderie bombardier bombardon bombe - bombette bombeur bombidé bombina bombinator bombinette bomboir bombonne - bombycillidé bombylidé bon bonace bonamia bonapartisme bonapartiste bonasserie - bonbonne bonbonnière bond bonde bondelle bondieuserie bondissement bondon - bondrée bondérisation bonellie bongare bongo bonheur bonhomie boni boniche - bonier bonification boniment bonimenteur bonisseur bonite bonitou bonjour - bonnet bonneterie bonneteur bonnetier bonnetière bonnette bonniche bonnier - bonobo bonsaï bonsoir bontebok bonté bonzaï bonze bonzerie bonzillon boogie - bookmaker booléen boom boomer boomerang boomslang booster boothite bootlegger - bopyre boquette bora boracite borain borane boranne borasse borate borazole - borborygme borchtch bord bordage bordel bordelaise borderie borderline - bordeuse bordier bordigue bordurage bordure bordurette bordé bordée borgne - borie borin bornage bornane borne bornier bornite bornoiement bornyle - borocère borofluorure borohydrure borosilicate borotitanate borraginacée - borrelia borréliose bort bortsch boruration borure boryle borée bosco boscot - bosniaque bosnien boson bosquet bossage bosse bosselage bossellement bosselure - bosseur bosseyage bosseyement bossoir bossu boston bostonien bostryche - botanique botaniste bothidé bothridie bothrie bothriocéphale bothriuridé - botrylle botryogène botte bottelage botteleur botteleuse botterie botteur - bottier bottillon bottin bottine botulisme boubou bouc boucan boucanage - boucanière boucaud boucautière bouchage bouchain bouchardage boucharde - bouche bouche-bouteille bouchement boucher boucherie boucheur boucheuse - bouchon bouchonnage bouchonnement bouchonnerie bouchonneuse bouchonnier - bouchoteur bouchotteur bouchure bouchée bouclage boucle bouclement bouclerie - bouclier boucot bouddha bouddhisme bouddhiste bouddhologie bouderie boudeur - boudin boudinage boudineuse boudoir boue bouette boueur bouffante bouffarde - bouffetance bouffette bouffeur bouffissage bouffissure bouffon bouffonnerie - bougainvillier bougainvillée bouge bougeoir bougeotte bougie bougna bougnat - bougnoule bougon bougonnement bougonnerie bougonneur bougran bougre bouif - bouillasse bouille bouilleur bouilli bouillie bouillissage bouilloire bouillon - bouillonneur bouillonné bouillotte bouillottement boulaie boulange boulanger - boulangisme boulangiste boulant boulbène boulder bouldozeur boule bouledogue - bouletage boulette bouleute boulevard bouleversement boulier boulimie - boulin boulinage bouline boulinette boulingrin boulinier boulinière boulisme - boulisterie boulochage boulodrome bouloir boulomane boulon boulonnage - boulonneuse boulot boulé boum boumerang boumeur bounioul bouphone bouquet - bouquetin bouquetière bouquin bouquinage bouquinerie bouquineur bouquiniste - bourbelier bourbier bourbillon bourbon bourdaine bourde bourdon bourdonnement - bourdonneuse bourdonnière bourg bourgade bourgeoise bourgeoisie bourgeon - bourgeron bourgette bourgmestre bourgogne bourguignon bourguignonne - bourlingage bourlingueur bournonite bourrache bourrade bourrage bourraque - bourre bourrelet bourrelier bourrellement bourrellerie bourret bourrette - bourreuse bourriche bourrichon bourricot bourride bourrier bourrin bourrique - bourriquot bourroir bourru bourrèlement bourrée bourse boursicotage - boursicotier boursier boursouflage boursouflement boursouflure bousard - bouscueil bousculade bousculement bouse bousier bousillage bousilleur bousin - boussette boussingaultite boussole boustifaille boustifailleur boustrophédon - boutade boutage boutargue bouteille bouteiller bouteillerie bouteillon - bouteroue bouteur boutillier boutique boutiquier boutisse boutoir bouton - boutonnement boutonnier boutonnière boutonniériste boutou boutre bouturage - boutée bouvement bouverie bouvet bouvetage bouveteur bouveteuse bouvier - bouvière bouvreuil bouvril bouzouki bouée bovarysme bovette bovidé bovin - bow-window bowal bowette bowling box-office boxe boxer boxeur boxon boy - boyard boyauderie boyaudier boycott boycottage boycotteur boësse boëte boëtte - boîteuse boîtier boïar boïdé brabant brabançon bracelet bracero brachiale - brachiation brachiolaire brachiolaria brachiopode brachioptérygien - brachycrânie brachycère brachycéphale brachycéphalidé brachycéphalie - brachydactylie brachylogie brachymélie brachymétropie brachyne brachyote - brachyskélie brachytarse braconidé braconnage braconnier braconnière bractée - bradel braderie bradeur bradycardiaque bradycardie bradycardisant bradycinésie - bradyodonte bradype bradypepsie bradyphagie bradypodidé bradypsychie - braford braggite braguette brahma brahman brahmane brahmanisme brahmaniste - brahoui brai braie braiement braillard braille braillement brailleur braiment - braisage braise braisette braisier braisillement braisière braisé brame - branc brancard brancardage brancardier branchage branche branchellion - branchette branchie branchier branchiobdelle branchiomma branchiopode - branchiostome branchiotropisme branchioure branchipe branché branchée brand - brande brandebourg brandevin brandevinier brandisite brandissement brandon - branhamella branle branle-queue branlement branlette branleur branloire - branquignol brante braquage braque braquemart braquement braquet braqueur - brasero brasier brasquage brasque brassage brassard brasse brasserie brasseur - brassicaire brassie brassier brassin brassière brassoir brassée brasure braule - bravade brave braverie bravo bravoure bravoïte brayer break breakfast - bredouillage bredouille bredouillement bredouilleur bref bregma breguet brehon - brejnévien brelan brelin breloque brenthe brenthidé bressan bresse bretailleur - bretellerie bretesse breton bretonnant brette bretteur bretzel bretèche - breunérite breuvage brevet brevetabilité brevetage brewstérite briage briard - bricelet brick bricolage bricole bricoleur bricolier bridage bride brideur - bridgeur bridon brie briefing briffe brifier brigade brigadier brigadière - brigandage brigandine brigantin brigantine brightique brightisme brignolette - brillance brillant brillantage brillanteur brillanteuse brillantine brimade - brimborion brimeur brin brindille brinell bringeure bringue brinvillière brio - briochin briolage briolette brioleur brion briquage brique briquet briquetage - briqueteur briquetier briquette brisant briscard brise brise-lame brisement - briseuse briska brisoir brisquard brisque brisse brissotin bristol brisure - britannique britholite brittonique brize brièveté brié broc brocantage - brocanteur brocard brocart brocatelle broccio brochage brochantite broche - brocheton brochette brocheur brocheuse brochoir brochure broché brocoli - broderie brodeur brodeuse broie broiement broker bromacétone bromacétophénone - bromaniline bromate bromation bromatologie bromatologue bromhydrate bromisme - bromocollographie bromocriptine bromoforme bromomercurate bromonaphtalène - bromophénol bromopicrine bromoplatinate bromoplatinite bromostannate - bromostyrène bromosuccinimide bromothymol bromotitanate bromotoluène - bromuration bromure broméliacée bronche bronchectasie bronchiectasie - bronchiolite bronchiolo-alvéolite bronchiolyse bronchite bronchitique broncho - bronchoaspiration bronchoconstricteur bronchoconstriction bronchocèle - bronchodilatation bronchographie bronchomalacie bronchophonie bronchoplégie - bronchorrée bronchoscope bronchoscopie bronchospasme bronchospirométrie - bronchoégophonie bronco brontosaure brontothère bronzage bronze bronzeur - bronzier bronzite brook brookite broquart broquelin broquette broquille broqué - brossage brosse brosserie brossette brosseur brosseuse brossier brossoir - brou brouet brouettage brouette brouetteur brouettier brouettée brouhaha - brouillamini brouillard brouillasse brouille brouillement brouillerie - brouillon broussaille broussaillement broussailleur broussard brousse broussin - broutage broutard broutart broutement broutille brouté browning broyage broyat - broyeuse broyé bru bruant bruccio brucella brucellose bruche brucine brucite - brugnonier bruine bruissage bruissante bruissement bruit bruitage bruiteur - brume brumisage brumisateur brun brunante brunch brune brunet bruni brunissage - brunisseur brunissoir brunissure brunner brushing brushite brusquerie brut - brutalisme brutaliste brutalité brute bruteur brution bruxisme bruxomanie - bryobia bryologie bryone bryonine bryophile bryophyte bryozoaire brèche - brème brève bréchet brédissage brédissure bréhaigne brésil brésilien brésiline - brétailleur bréviaire bréviligne brévité brêlage brûlage brûle-bout - brûlement brûlerie brûleur brûloir brûlot brûlure brûlé buanderie buandier - bubon bucarde bucchero buccin buccinateur buccinidé bucconidé bucentaure buchu - bucolique bucrane bucérotidé buddleia budget budgétisation budgétivore - buffalo buffer buffet buffetier bufflage buffle bufflesse buffleterie - bufflon bufflonne buffo bufogénine bufonidé bufothérapie buggy bugle bugliste - bugrane bugule buhotte buiatre buiatrie building buire buissière buisson - bulb bulbe bulbiculteur bulbiculture bulbille bulbite bulbocodium bulbopathie - bulbul bulgare bulgarisation bulge buliminidé bulimulidé bull-terrier bullage - bulldog bulldozer bulle bulletin bullidé bullionisme bulot bungalow bunker - bunsénite buphage bupreste buprestidé buraliste bure bureaucrate - bureaucratie bureaucratisation bureaucratisme bureautique burelle burelé - burgaudine burgeage burgrave burhinidé burin burinage burinement burineur - burle burlesque burlingue burmese buron bursaria bursariidé bursera bursicule - burséracée bursérine burèle busard busc buse busette busine busquière - bustamite buste bustier but butadiène butanal butane butanediol butanier - butanolide butanone buteur buthidé butin butinage butineuse butlérite - butoir butomacée butome buton butor buttage butte butteur butteuse - buttoir butylamine butylate butylcaoutchouc butylchloral butyle butylglycol - butylène butylèneglycol butyne butynediol butyraldéhyde butyrate butyrateur - butyrolactone butyromètre butyrométrie butyrophénone butyryle butène butée - buténol butényle butényne butôme buvard buverie buvetier buvette buveur - buvée buxacée buzzer buée byronien byrrhidé byssinose byssolite byte bytownite - byzantin byzantinisme byzantiniste byzantinologie byzantinologue bâbord - bâche bâclage bâcle bâcleur bâfrerie bâfreur bâfrée bâilla bâillement bâilleur - bâillonnement bât bâtard bâtarde bâtardise bâti bâtiment bâtisse bâtisseur - bâtière bâton bâtonnage bâtonnat bâtonnet bâtonnier bègue béance béarnaise - béatitude bébé bébête bécane bécard bécarre bécasse bécassine béchamel bécher - bécot bécotage bécotement bécune bédane bédière bédouin bédégar bée bégaiement - bégayeur bégonia bégoniacée bégu bégueule bégueulerie béguin béguinage béguine - béguètement béhaviorisme béhavioriste béhaviourisme béhaviouriste béhaïsme - béké bélandre bélemnite bélemnitelle bélemnitidé bélemnoteuthidé bélemnoïdé - bélinogramme bélinographe bélionote bélière bélomancie bélone béloniforme - bélostomatidé bélostome bélouga béluga bélître bémentite bémol bémolisation - bénarde bénef bénignité bénisseur bénitier bénitoïte bénédicité bénédictin - bénédiction bénéfactif bénéfice bénéficiaire bénéficier bénévolat bénévole - béotien béotisme béquet béquillage béquillard béquille béquillon béquée béret - béroé béryciforme béryl béryllonite bérytidé bésigue bétafite bétaillère - bétel bétharramite béthyle bétoine bétoire béton bétonnage bétonneur - bétonnière bétulacée bétuline bétulinée bétyle bévatron bévue bézoard bêchage - bêchelon bêcheur bêchoir bêlement bêta bêta-globuline bêta-version - bêtabloqueur bêtagraphie bêtarécepteur bêtathérapie bêtatron bête bêtise - bôme bûche bûchement bûcher bûcheron bûcheronnage bûchette bûcheur caatinga - cabale cabaleur cabaliste caban cabane cabanement cabanier cabanon cabaret - cabarettiste cabarne cabasset cabassou cabecilla cabeda cabernet cabestan - cabillaud cabillot cabine cabinet cabochard caboche cabochon caboclo cabomba - cabosse cabot cabotage caboteur cabotin cabotinage caboulot cabrage cabrement - cabri cabriole cabriolet cabrérite cabèche cabère caca cacahouette cacahouète - cacajao cacao cacaotage cacaotier cacaotière cacaoui cacaoyer cacaoyère - cache cache-col cache-flamme cache-peigne cache-pot cachectique cachemire - cachet cachetage cacheton cachette cachexie cachiman cachimantier cachot - cachottier cachou cachucha cacique cacochyme cacodylate cacodyle cacoecia - cacographie cacogueusie cacolalie cacolet cacologie cacophage cacophagie - cacophonie cacosmie cacostomie cacoxénite cactacée cactée cacuminale cadalène - cadastre cadavre cadavérine caddie caddy cade cadelure cadenassage cadence - cadenette cadet cadette cadi cadinène cadière cadmiage cadmie cadogan cador - cadran cadrat cadratin cadrature cadre cadreur caducibranche caducité caducée - cadurcien cadène caecidé caecocystoplastie caecofixation caecopexie - caecospheroma caecostomie caecotomie caecotrophie caecum caenolestide - caenoptera caeruloplasmine caesalpiniée caesalpinée caesine cafard cafardage - cafarsite cafetage cafetan cafeteria cafeteur cafetier cafetière cafouillage - cafre caftage caftan cafteur café caféiculteur caféiculture caféier caféine - caféière caféone caféraie caférie caféteria cafétéria cage cageot cageret - caget cagette cagibi cagna cagnard cagne cagnotte cagot cagoterie cagou - cagoule cahier cahot cahotement cahute caillage caillasse caille caillebotte - caillette caillot cailloutage caillouté caillé cainitier cairn cairote caisse - caissette caissier caisson caitya cajeput cajeputier cajeputol cajet cajolerie - cajou cajun cake cal calabaria caladion caladium calage calaisien calaison - calamariné calambac calambour calame calaminage calamine calamite calamité - calandre calandrelle calandrette calandreur calanque calao calappe calasirie - calavérite calbombe calcaffine calcaire calcanéite calcanéum calcarénite - calcif calcification calciférol calcilutite calcin calcination calcinose - calciothermie calcipexie calciphylaxie calcirachie calcirudite calcisponge - calcite calcithérapie calcitonine calcitoninémie calciurie calcosphérite - calcul calculabilité calculateur calculatrice calculette calculographie - calcémie calcéolaire calcéole caldarium caldeira caldoche cale cale-pied - calebasse calebassier calecif calembour calembredaine calendaire calendrier - calepin calepineur caleur caleçon caleçonnade calfat calfatage calfateur - calfeutrement calgon calibrage calibration calibre calibreur calibreuse calice - caliche calicoba calicot calicule calier califat calife californien caligo - calinothérapie caliorne caliroa calirraphie calisson calixtin call-girl calla - calle callianasse callichrome callichthyidé callicèbe callidie callidryade - calligraphe calligraphie callimico callimorphe callionymidé callionymoïde - calliostoma calliphore calliphoridé callipygie calliste callite callithricidé - callosité callovien calmage calmant calmar calme calmoduline calmpage calomel - calomnie caloporteur calopsitte calorie calorification calorifuge - calorifugeur calorifère calorimètre calorimétrie caloriporteur calorique - calorisation calosome calospize calot calote calotin calotte caloyer calquage - calqueur calumet calva calvaire calvairienne calvanier calvarnier calvenier - calville calvinisme calviniste calvitie calycanthacée calycanthe calycophore - calypso calyptoblastide calyptoblastique calyptraea calyptraeidé calyptrée - calyssozoaire calèche calédonien calédonite caléfacteur caléfaction - cam camail camaldule camarade camaraderie camarasaure camard camarde camargue - cambiste cambium cambodgien cambrage cambrement cambreur cambrien cambriolage - cambrioleur cambrousard cambrouse cambrousse cambrure cambrésien cambusage - cambusier cambuteur came camelin cameline camelle camelot camelote camembert - camichon camillien camion camionnage camionnette camionneur camisard camisole - camomille camorriste camouflage camoufle camouflet camoufleur camp campagnard - campagnol campan campane campanelle campanien campanile campanulacée - campanule campement campeur camphane camphol camphoquinone camphorate camphre - camphène camphénylone campignien campimètre campimétrie camping campodéidé - camptodactylie camptonite camptosaure campylobacter campène campéphagidé - camé camée camélia camélidé caméline caméléon caméléonidé caméléontidé caméra - camérisier camériste camérière caméronien caméscope can canabassier canadair - canadianité canadien canadienne canaille canaillerie canalicule canaliculite - canalisation canalographie cananéen canapé canaque canar canard canarderie - canari canarien canasson canasta cancale cancan cancanier cancel cancellaire - cancellation cancer canche cancoillote cancoillotte cancre cancrelat - cancroïde cancérigène cancérinisme cancérisation cancérogenèse cancérogène - cancérologie cancérologue cancérophobie candela candelette candeur candi - candidature candidine candidose candidurie candiru candisation candissage - candélabre cane canebière canepetière canetage caneteur canetière caneton - canezou canfieldite cange cangue caniche canichon canicule canidé canier canif - canine canisse canissier canitie canière canna cannabidiol cannabinacée - cannabiose cannabisme cannage cannaie canne canneberge cannebière cannelier - cannellier cannelloni cannelure cannetage canneteur cannetille cannetilleur - cannette canneur cannibale cannibalisation cannibalisme cannier cannisse - canon canonicat canonicité canonique canonisation canoniste canonnade - canonnier canonnière canope canot canotage canoteur canotier canoéisme - canoë canrénone cantabile cantal cantalien cantalou cantaloup cantate - cantatrice canter canthare cantharide cantharididé cantharidine canthoplastie - cantilever cantilène cantine cantinier cantionnaire cantique canton cantonade - cantonalisation cantonalisme cantonaliste cantonisation cantonnement - cantonnière cantor cantre canular canulation canule canut canyon canyoning - canéficier canéphore caodaïsme caodaïste caoua caouane caouanne caoutchouc - caoutchoutier cap cap-hornier capacimètre capacitaire capacitance capacitation - caparaçon cape capelage capelan capelanier capelet capelin capeline caperon - capie capieuse capillaire capillarite capillarité capillaronécrose - capillaroscopie capilliculteur capilliculture capilotade capiscol capiston - capitainerie capitale capitalisation capitalisme capitaliste capitan - capitatum capitelle capitole capiton capitonidé capitonnage capitonneur - capitoul capitulaire capitulard capitulation capitule capnie capnigramme - capnographie capnomancie capo capoc capon caponidé caponnière caporalisme - capotage capote capoulière capoulié cappa cappadocien capparidacée cappelénite - caprate caprelle capriccio caprice capricorne capriculture caprification - caprifiguier caprifoliacée caprimulgidé caprimulgiforme capriné caproate - caprolactone capromyidé capron capronier caprylate capsa capsage capselle - capside capsidé capsien capsomère capsulage capsule capsulectomie capsulerie - capsuleuse capsulisme capsulite capsuloplastie capsulorraphie capsulotomie - captal captane captateur captation captativité capteur captif captivité - captorhinien captorhinomorphe capture capuccino capuce capuche capuchon - capucinade capucine capulet capulidé capybara capésien capétien caquage caque - caquet caquetage caqueteuse caquetoire caqueur caquillier caquètement car - carabidé carabin carabine carabineur carabinier carabique caraboïde caracal - caraco caracole caracolite caractère caractériel caractérisation - caractérologie caractéropathie caracul carafe carafon carambolage carambole - carambouillage carambouille carambouilleur caramel caramote caramoursal - caramélisation carangidé carangue carapace carapidé caraque carasse carassin - carate caraté caravagisme caravagiste caravanage caravane caravanier - caravanning caravansérail caravelle caraïbe caraïsme caraïte carbagel - carbamide carbamoyle carbamyltransférase carbapénème carbazide carbazole - carbet carbinol carbite carbitol carbochimie carbodiimide carboglace carbogène - carbohémoglobine carbolite carbonade carbonado carbonage carbonarcose - carbonatation carbonate carbonatite carbonide carbonifère carbonisage - carbonisation carboniseuse carbonitruration carbonium carbonnade - carbonylage carbonylation carbonyldiazide carbonyle carborundum carbothermie - carboxyhémoglobine carboxylase carboxylate carboxylation carboxyle - carboxypolypeptidase carburane carburant carburateur carburation carbure - carburéacteur carbylamine carbène carbénium carcajou carcan carcasse - carcel carcharhinidé carchésium carcinogenèse carcinologie carcinolytique - carcinome carcinosarcome carcinose carcinotron carcinoïde carcinoïdose cardage - cardamome cardan carde carderie cardeur cardeuse cardia cardialgie cardiaque - cardiectasie cardigan cardiidé cardinalat cardinale cardinaliste cardinalité - cardinia cardioaccélérateur cardiocondyle cardiodiagramme cardiodiagraphie - cardiographe cardiographie cardiolipine cardiologie cardiologue cardiolyse - cardiomyopexie cardiomyoplastie cardiomégalie cardionatrine cardiopathe - cardiophore cardioplastie cardioplégie cardiorhexie cardiorraphie - cardiorégulateur cardiosclérose cardioscope cardiospasme cardiostimulateur - cardiothyréotoxicose cardiotocographie cardiotomie cardiotonique - cardiovalvulotome cardiovectographe cardiovectographie cardioversion cardioïde - cardite cardium cardivalvulite cardon cardère carence caresse caresseur caret - cargaison cargneule cargo cargue cari cariacou cariama cariatide caribou - caricature caricaturiste caride carididé caridine carie carillon carillonnage - carillonneur carinaire carinate carioca cariste carlin carline carlingue - carlisme carliste carmagnole carme carmel carmeline carmin carminatif - carmélite carnage carnallite carnassier carnassière carnation carnauba - carne carnet carnette carnichette carnier carnieule carnification carniolien - carnitine carnivore carnosaurien carnotite carnotset carnotzet carnèle carolin - caronade caroncule carotide carotidogramme carotine carotinodermie carotinémie - carotte carotteur carotteuse carottier carotène caroténodermie caroténoïde - caroube caroubier carouble caroubleur carouge carpaccio carpe carpectomie - carpentrassien carpetbagger carpette carpettier carphologie carphosidérite - carpiculture carpillon carpite carpocapse carpocyphose carpogone carpolithe - carpologue carpophage carpophile carpophore carpopodite carpospore - carquarel carrage carraire carrare carre carrefour carrelage carrelet - carreleur carreur carrick carrier carriole carrière carriérisme carriériste - carrossage carrosse carrosserie carrossier carrousel carroyage carrure carry - carrée cartable cartallum carte cartel cartelette cartellisation carter - carteron carthame cartier cartilage cartisane cartiérisme cartiériste - cartographe cartographie cartomancie cartomancien carton cartonnage - cartonnier cartoon cartooniste cartophile cartophilie cartothèque cartouche - cartouchière cartulaire cartésianisme cartésien carva carvi carvomenthone - cary caryatide carychium caryinite caryoanabiose caryobore caryocinèse - caryogamie caryogramme caryologie caryolyse caryolytique caryophyllacée - caryophyllée caryopse caryorexie caryorrhexie caryoschise caryosome caryotype - carène carélien carénage carême casal casanier casaque casaquin casarca casbah - cascade cascadeur cascara cascatelle case casemate caseret caserette caserne - casernier caset casette caseyeur cashmere casier casimir casing casino - casoar casque casquetier casquette casquetterie casquettier cassage cassandre - cassation cassave casse casse-fil casse-noisette casse-pierre cassement - casserole cassetin cassette casseur casseuse cassican cassidaire casside - cassidule cassidulidé cassiduline cassie cassier cassine cassiopée cassique - cassitérite cassolette casson cassonade cassoulet cassure cassé castagne - caste castel castelet castellan castelroussin castillan castine castineur - castnie castor castorette castoréum castramétation castrat castration - castriste casualisme casualité casuariforme casuarina casuel casuiste - caséation caséification caséinate caséine caséolyse caséum cat cata - catabolite catachrèse cataclysme cataclyste catacombe catacrotisme catadioptre - catafalque cataire catalan catalane catalanisme catalaniste catalase - cataleptique catalogage catalogne catalogue catalogueur catalpa catalyse - catamaran catamnèse catapan cataphasie cataphorèse cataphote cataphractaire - cataplasie cataplasme cataplexie catapléite cataptose catapultage catapulte - cataracté catarhinien catarrhe catarrhinien catastrophe catastrophisme - catathymie catatonie catatypie catcheur catelle catergol catgut cathare - cathartidé cathartique catherinette cathion catho cathode catholicisme - catholicosat catholique cathèdre cathédrale cathédrant cathéter cathétomètre - catilinaire catin cation cationotropie catissage catisseur catissoir catleya - catogan catopidé catoptrique catoptromancie catostome catoxanthe cattalo - cattleya catéchine catéchisation catéchisme catéchiste catéchol catécholamine - catéchuménat catéchèse catéchète catégoricité catégorie catégorisation - caténaire caténane catépan caucasien cauchemar caucher caudale caudataire - caudrette caugek cauliflorie caurale cauri causalgie causalisme causaliste - causatif causativité cause causerie causette causeur causeuse causse caussinié - caustificateur caustification caustique caution cautionnement cautèle cautère - cavage cavaillon cavalcade cavalcadour cavale cavalerie cavaleur cavalier - cave caverne cavernicole cavernite cavernome cavet caveçon caviar caviardage - caviidé cavillone caviste cavitation cavité cavographie cavoir cavoline - cavée cayopollin cayorne cazette caïc caïd caïdat caïjou caïkdji caïman - caïqdji caïque cañon cd cebuano ceintrage ceinturage ceinture ceinturier - celebret cella cellier cellobiose cellophane cellosolve cellulalgie - cellular cellulase cellule cellulisation cellulite cellulocapillarite - cellulose celluloïd cellérerie cellérier celte celtique celtisant celtisme - cendre cendrier cendrillon cendrée cenelle cenellier censeur censier - censive censorat censure cent centaine centaure centauromachie centaurée - centenaire centenier centiare centibar centigrade centigramme centilage - centilitre centime centimorgan centimètre centième centon centrafricain - centrale centralien centralisation centralisme centraliste centralite - centraméricain centrarchidé centration centre centreur centrifugation - centrifugeuse centrine centriole centriscidé centrisme centriste centrolophidé - centrophore centrosome centrote centrure centumvir centuple centurie centurion - ceorl cep cephalin cerastoderma ceratium cerbère cercaire cerce cerclage - cercleuse cerclier cerclière cercobodo cercocèbe cercope cercopidé - cercopithécidé cercopithécoïde cercueil cercyon cerdagnol cerdan cerdocyon - cerfeuil cerisaie cerise cerisette cerisier cermet cernabilité cernage cerne - cernier cernoir cernophore cernuateur certain certal certhiidé certificat - certification certifieur certifié certitude cervaison cervantite cervelet - cervelle cervicale cervicalgie cervicapre cervicarthrose cervicite - cervicobrachialite cervicocystopexie cervicopexie cervicotomie cervicovaginite - cerviné cervoise cervule cessation cessibilité cession cessionnaire ceste - cestode cestoïde ceuthorhynque ceuthorynque chabazite chabichou chabin - chabot chabraque chacal chacma chacone chaconne chactidé chadburn chadouf - chaenichthydé chaetoderma chafisme chafouin chaféisme chagome chagrin chah - chahuteur chai chaille chaintre chair chaire chaise chaisier chaland - chalarodon chalarose chalasie chalaze chalazion chalazodermie chalazogamie - chalcaspide chalcide chalcididé chalcidien chalcographe chalcographie - chalcogénure chalcolite chalcolithique chalcoménite chalcone chalcophanite - chalcophyllite chalcopyrite chalcose chalcosidérite chalcosine chalcosite - chalcostibite chalcotrichite chalcoïde chalcédoine chaldéen chaleil chalemie - chaleur chalicodome chalicose chalicothérapie chalicothéridé chaline challenge - challengeur chalodermie chalone chaloupe chaloupier chaloupée chalut chalutage - chalybite cham chama chamade chamaeléonidé chamaille chamaillerie chamailleur - chamanisme chamaniste chamarre chamarrure chamazulène chambard chambardement - chambertin chamboulement chambrage chambranle chambre chambrelan chambrette - chambriste chambrière chambrée chame chamelet chamelier chamelle chamelon - chamoiserie chamoiseur chamoniard chamosite chamotte champ champagne - champart champenoise champi champignon champignonniste champignonnière - championnat champlevage champlevé champsosaure chamsin chan chance chancel - chancelière chancellement chancellerie chanci chancissure chancre chancrelle - chandail chandeleur chandelier chandelle chandlérien chane chanfrage chanfrein - chanfreineuse change changement changeur chanlate chanlatte channe - chanoine chanoinesse chanoinie chanson chansonnette chansonnier chant chantage - chantepleure chanterelle chanterie chanteur chantier chantignole chantonnement - chantournement chantourné chantre chantrerie chanvre chanvrier chançard - chapardage chapardeur chaparral chape chapeautage chapelain chapelet chapelier - chapelle chapellenie chapellerie chapelure chaperon chaperonnier chapetón - chapitre chapka chapon chaponnage chaponnière chapska chaptalisation char - characidé characin charade charadricole charadriidé charadriiforme charale - charbon charbonnage charbonnerie charbonnier charbonnière charcutage - charcutier chardon chardonneret chardonnière charentaise charge chargement - chargette chargeur chargeuse chargé chari chariot chariotage charismatisme - chariton charité charivari charlatan charlatanerie charlatanisme charleston - charlotte charme charmeur charmeuse charmille charnier charnigue charnière - charognard charogne charolaise charonia charontidé charophyte charpentage - charpenterie charpentier charpie charque charre charrerie charretier charretin - charrette charretée charriage charrieur charroi charron charronnage - charroyeur charruage charrue charrée charte charter chartergue chartisme - chartrain chartre chartreuse chartrier charybdéide chassage chasse - chasse-mulet chasse-punaise chassepot chasseresse chasseur chassie chassoir - chasséen chasteil chasteté chasuble chasublerie chat chataire chateaubriand - chatoiement chaton chatonnement chatouille chatouillement chatte chattemite - chatterton chaubage chauchage chaud chaudage chaude chaudefonnier chaudepisse - chaudière chaudron chaudronnerie chaudronnier chaudrée chauffage chauffagiste - chauffe chauffe-assiette chauffe-ballon chauffe-plat chauffe-réacteur - chaufferie chauffeur chauffeuse chauffoir chaufour chaufournerie chaufournier - chauleuse chaulier chauliodidé chaultrie chaumage chaumard chaume chaumeur - chaumine chaumière chauna chaussage chausse chausse-pied chausse-trappe - chaussette chausseur chaussier chausson chaussonnier chaussure chaussé - chauve chauvin chauvinisme chauviniste chavirage chavirement chaykh chayote - chaîne chaînetier chaînette chaîneur chaînier chaîniste chaînon chaînée - chebec chebek check-list cheddar cheddite chef chefaillon chefferie cheffesse - cheik cheikh cheilalgie cheilite cheilodysraphie cheilophagie cheiloplastie - cheiloscopie cheimatobie cheire cheiromégalie cheiroplastie cheiroptère chelem - chelmon chelonia chemin cheminement cheminot cheminée chemisage chemise - chemisette chemisier chenalage chenalement chenapan chenet chenil chenille - cheptel cherche chercheur chergui chermésidé chernète cherry chert cherté - chessylite chester chetrum chevaine chevalement chevalerie chevalet chevalier - chevauchement chevaucheur chevauchée chevelu chevelure chevenne chevesne - chevilière chevillage chevillard cheville chevillement cheviller chevillette - chevillier chevillière chevilloir chevillère cheviotte chevrette chevreuil - chevrillard chevron chevronnage chevrot chevrotain chevrotement chevrotin - chevêche chevêchette chevêtre cheylète chiade chiadeur chialement chialeur - chianti chiard chiasma chiasme chiasse chibouk chibouque chic chicane - chicaneur chicanier chicano chicard chichi chicon chicoracée chicorée chicot - chicotin chicotte chien chiendent chienlit chienne chiennerie chierie chieur - chiffon chiffonnade chiffonnage chiffonne chiffonnement chiffonnier - chiffrage chiffre chiffrement chiffreur chiffrier chifonie chignole chignon - chiisme chiite chikungunya chilalgie chilblain chiliarchie chiliarque chilien - chillagite chilo chilocore chilodon chilophagie chiloplastie chilopode - chilostome chimbéré chimiatrie chimicage chimie chimiluminescence - chimioluminescence chimionucléolyse chimiopallidectomie chimioprophylaxie - chimiorécepteur chimiorésistance chimiosensibilité chimiosorption - chimiotactisme chimiotaxie chimiotaxinomie chimiothérapeute chimiothérapie - chimiquage chimiquier chimisme chimiste chimiurgie chimpanzé chimère - chinage chinchard chinchilla chinchillidé chincoteague chine chinetoque - chinoiserie chinook chintoc chinure chioglosse chiolite chione chionididé - chionée chiot chiotte chiourme chip chipage chipeur chipie chipmunk chipolata - chipoterie chipoteur chique chiquenaude chiquet chiquetage chiqueteur chiqueur - chiracanthium chiralgie chiralité chiridium chirobrachialgie chirocentridé - chirognomie chirognomonie chirographie chirolepte chirologie chiromancie - chiromégalie chironeurome chironome chironomidé chironomie chiropodie - chiropracteur chiropractie chiropractor chiropraticien chiropraxie chiroptère - chirotonie chirou chirurgie chirurgien chistera chitine chiton - chiure chiée chlamyde chlamydiose chlamydobactériale chlamydophore - chlamydozoon chlasse chleuh chloanthite chloasma chloracétate chloracétone - chloral chloramine chloramphénicol chloranile chloraniline chloranthie - chlorarsine chlorate chloration chlordane chlore chlorelle chlorhydrate - chlorhydrine chloridea chlorite chloritoschiste chloritoïde chloroaluminate - chloroanémie chlorobenzène chlorocarbonate chlorocuprate chlorocyanure - chlorofluorocarbone chlorofluorocarbure chlorofluorure chloroforme - chloroformisation chlorogonium chloroleucémie chlorolymphome chloroma - chlorome chloromercurate chloromycétine chloromyia chloromyélome chloromyélose - chlorométhane chlorométhylation chlorométhyle chlorométhyloxiranne - chloronaphtalène chloronitrobenzène chloronium chloronychie chloropale - chloropexie chlorophane chlorophosphate chlorophycée chlorophylle chlorophénol - chloropidé chloroplaste chloroplatinate chloroplatinite chloropropanol - chloroprène chloropsie chloropénie chloroquine chlorose chlorosulfite - chlorotique chlorotitanate chlorotoluène chloroxiphite chlorpromazine - chlorurachie chlorurage chlorurant chloruration chlorure chlorurie chlorurémie - chlorémie chloréthane chloréthanol chloréthylène chnoque chnouff choachyte - choanoflagellé choc chocard chochotte chocolat chocolaterie chocolatier - choerocampe choeur chogramme choisisseur choke choke-bore choker cholagogue - cholalémie cholane cholangiectasie cholangiocarcinome cholangiographie - cholangiome cholangiométrie cholangiopancréatographie cholangiostomie - cholangite cholanthrène cholestane cholestase cholestéatome cholestérine - cholestérogenèse cholestérol cholestérolose cholestérolyse cholestérolémie - cholestérose cholette choline cholinergie cholinestérase cholo cholorrhée - cholothrombose cholurie cholécalciférol cholécystalgie cholécystatonie - cholécystectasie cholécystectomie cholécystite cholécystodochostomie - cholécystogastrostomie cholécystographie cholécystokinine cholécystopathie - cholécystorraphie cholécystose cholécystostomie cholécystotomie - cholédochographie cholédocholithiase cholédochoplastie cholédochostomie - cholédocite cholédographie cholédoque cholégraphie cholélithe cholélithiase - cholélithotripsie cholélithotritie cholémie cholémimétrie cholémogramme - cholépathie cholépoèse cholépoétique cholépoïèse cholépoïétique cholépéritoine - cholérine cholérique cholérragie cholérèse cholérétique cholïambe chon - chondre chondrectomie chondrichthyen chondrichtyen chondrification - chondriolyse chondriome chondriomite chondriosome chondrite chondroblaste - chondrocalcinose chondrocalcose chondrodite chondrodysplasie chondrodystrophie - chondrogenèse chondrologie chondrolyse chondromalacie chondromatose chondrome - chondropolydystrophie chondrosamine chondrosarcome chondrosine chondrostome - chondrotomie chop chope chopin chopine chopinette chopper choquard choquart - chorale chorde chordite chordome chordopexie chordotomie chordé chorea - choriocapillaire choriocarcinome choriogonadotrophine chorioméningite chorion - choriorétine choriorétinite choriorétinopathie chorioépithéliome choriste - choristome chorizo chorodidascale chorologie choroïde choroïdite choroïdose - chortophile chorège choréauteur chorédrame chorée chorégie chorégraphe - choréique chorélogie choréophrasie choréoïde chorévêque chorïambe chose - chosisme chosiste choséité chott chouan chouannerie chouchou chouchoutage - chouette chouia choukar chouleur choupette chourin chourineur choute choéphore - chrestomathie chrie chriscraft chrismation chrismatoire chrisme christ - christianisation christianisme christianite christino christocentrisme - chromaffinome chromage chromammine chromanne chromatage chromatation chromate - chromatide chromatine chromatisation chromatisme chromatocyte chromatogramme - chromatographie chromatolyse chromatomètre chromatophore chromatophorome - chromatopsie chromdiopside chrome chromeur chromhidrose chromiammine - chromicyanure chromidie chromidrose chromie chromifluorure chrominance - chromiste chromite chromo chromoammine chromoblastomycose chromocyanure - chromodiagnostic chromodynamique chromoferrite chromogène chromolithographie - chromomycose chromomère chromométrie chromone chromophile chromophillyse - chromoprotéide chromoprotéine chromoptomètre chromoscopie chromosome - chromothérapie chromotrope chromotropisme chromotypie chromotypographie - chromyle chromé chronaxie chronaximétrie chronicité chronique chroniqueur - chronoanalyseur chronobiologie chronocardiographie chronodiététique - chronographe chronographie chronologie chronologiste chronomètre chronométrage - chronométrie chronopathologie chronophage chronopharmacologie - chronophysiologie chronorupteur chronostratigraphie chronosusceptibilité - chronothérapie chronotoxicologie chrysalidation chrysalide chrysanthème - chrysaora chrysididé chrysobéryl chrysocale chrysochloridé chrysochraon - chrysochroma chrysocole chrysocolle chrysocyanose chrysographie - chrysolite chrysolithe chrysolophe chrysomitra chrysomyia chrysomyza - chrysomélidé chrysope chrysopexie chrysophore chrysoprase chrysostome - chrysotile chrysozona chrysène chryséose chrétien chrétienté chrême chtimi - chuchotement chuchoterie chuchoteur chuintante chuintement chukar chukwalla - churinga chuscle chute chuteur chydoridé chylangiome chyle chylomicron - chylopéritoine chylurie chyme chymosine chymotrypsinogène chypriote châle - châsse châtaigne châtaigneraie châtaigneur châtaignier châtain châteaubriant - châtelaine châtelet châtellenie châtelperronien châtiment châtrage châtreur - châtré chèche chènevière chènevotte chèque chère chèvre chèvrefeuille - chébec chéchia chéilite chéilosie chéiroptère chélate chélateur chélation - chélicère chélicérate chélidoine chélidonine chélifère chélodine chélone - chéloniellon chélonien chélonobie chéloïde chélure chélydre chélydridé - chémocepteur chémodectome chémorécepteur chémoréceptome chémosensibilité - chénopode chénopodiacée chéquard chéquier chéri chérif chérifat chérimolier - chérubinisme chérubisme chétivisme chétivité chétodon chétodontidé chétognathe - chétoptère chétotaxie chênaie chêne chômage chômeur cibare cibiche cibiste - cible ciboire ciborium ciboule ciboulette ciboulot cicadelle cicadette - cicadule cicatrice cicatricule cicatrisant cicatrisation cicerbita cicerelle - cichlasome cichlidé cicindèle ciclosporine ciconiidé ciconiiforme cicutine - cicéro cicérone cidre cidrerie ciel cierge cigale cigalier cigare cigarette - cigarillo cigarière cigogne ciguatera ciguë cil cilice cilicien ciliostase - cilié cillement cillopasteurella cimaise cimarron cime ciment cimentage - cimenterie cimentier cimeterre cimetière cimicaire cimicidé cimier cinabre - cinchonamine cinchonidine cinchonine cincle cinesthésie cinglage cinglement - cinglé cingulectomie cingulotomie cingulum cini cinnamaldéhyde cinnamate - cinnamyle cinnoline cinnolone cinnyle cinoche cinoque cinorthèse cinquantaine - cinquantenier cinquantième cinquième cintrage cintre cintreuse cintrier cinède - ciné ciné-club cinéangiographie cinéaste cinécardioangiographie - cinédensigraphie cinégammagraphie cinéhologramme cinéma cinémaniaque cinémanie - cinémathèque cinématique cinématographe cinématographie cinémitrailleuse - cinémomètre cinémyélographie cinéol cinépathie cinéphage cinéphile cinéphilie - cinéradiographie cinéradiométrie cinéraire cinérama cinérine cinérite - cinéroman cinéscintigraphie cinésialgie cinésie cinésiologie cinésithérapie - cinétie cinétique cinétir cinétisme cinétiste cinétographie cinétropisme - cione cionella cionite cionotome cipaye cipolin cippe cirage circassien - circoncellion circoncision circonférence circonlocution circonscription - circonstance circonstancielle circonstant circonvallation circonvolution - circuiterie circulaire circularisation circularité circulateur circulation - circumnavigateur circumnavigation cire cireur cireuse cirier cirière ciroir - cirque cirratule cirre cirrhe cirrhose cirrhotique cirripède cirse cirsocèle - ciré cisaillage cisaille cisaillement ciselage ciselet ciseleur ciselier - cisellerie ciselure cisjordanien cisoir cissoïdale cissoïde ciste cistercien - cisternographie cisternostomie cisternotomie cisticole cistre cistron cistude - cisvestisme cisèlement citadelle citadin citateur citation citerne citernier - citharidé citharine cithariste citharède citoyen citoyenneté citral citrate - citratémie citrine citrobacter citron citronellal citronellol citronnade - citronnier citrouille citrulline citrullinémie citrémie cité civadière cive - civet civette civettone civil civilisateur civilisation civiliste civilisé - civisme civière clabaud clabaudage clabauderie clabaudeur clabot clabotage - clade cladisme cladiste cladocère cladomelea cladonema cladonie cladosporiose - claie claim clain clair clairance claircière claire clairet clairette - clairon clairvoyance clairvoyant clairçage clam clameur clamp clampage clan - clandestinité clandé clangor clanisme claniste clapage clapet clapier clapot - clapotement clappement clapping claquade claquage claquante claque claquedent - claquet claquette claqueur claquoir clarain clarificateur clarification - clariidé clarine clarinette clarinettiste clarisse clarkéite clarté clash - clasmatose classage classe classement classeur classeuse classicisme - classification classifieur classique clastomanie clathrate clathre clathrine - claudétite claumatographie clauque clause clausilia clausoir clausthalite - claustration claustromanie claustrophobe claustrophobie clausule clavage - clavagellidé clavaire clavame clavatelle clavecin claveciniste claveline - clavelée clavetage clavette clavicorde clavicorne clavicule claviculomancie - clavigère claviste clavière clavulaire clayer clayette claymore clayon - clayère clearance clearing cleavelandite clef clenche clenchette clephte - clepsydre clepte cleptomane cleptomanie cleptoparasite cleptophobie clerc - clergie clergé clic clichage cliche clichement clicherie clicheur cliché click - client clientèle clientélisme clientéliste clignement clignotant clignotement - climat climatisation climatiseur climatisme climatographie climatologie - climatologue climatopathologie climatothérapie climatère climatérie clin - clinfoc clinicat clinicien clinidé clinique clinker clinochlore clinoclase - clinocéphalie clinodactylie clinoenstatite clinohumite clinohédrite clinomanie - clinophilie clinoprophylaxie clinopyroxène clinopyroxénite clinostat - clinothérapie clinozoïsite clinquant clintonite clio clip clipper cliquart - cliquet cliquette cliquettement cliquètement clisse clitique clitocybe - clitorisme clivage cliveur cloanthite cloaque clochage clochard - cloche clocher clocheteur clocheton clochette clocteur clodo clofibrate - cloisonnage cloisonnaire cloisonnement cloisonnisme cloisonniste cloisonné - clonage clone cloneur clonidine clonie clonisme clonorchiase clope cloporte - cloquage cloque cloquetier cloqué closage closerie closier closoir - clostridion clostridium clou clouabilité clouage cloueur cloueuse cloutage - clouterie cloutier cloutière clovisse clown clownerie clownisme cloyère - club clubbing clubione clubiste clumber clunio cluniste clupéidé clupéiforme - cluster clydesdale clymenia clyménie clypeaster clypéastroïde clysia clysoir - clystère clyte clythre clytre clé clébard clédonismancie clédonomancie - cléidomancie cléidonomancie cléidotomie clématite clémence clémentin - clémentinier cléonine cléricalisation cléricalisme cléricature cléridé - clérouque clérouquie clévéite clôture cm cneorum cnephasia cnidaire - cnémalgie cnémide cnémidophore cnéoracée coaccusation coaccusé coacervation - coacquisition coacquéreur coadaptateur coadaptation coadjuteur - coadministration coagglutination coagglutinine coagulabilité coagulant - coagulation coagulographie coagulopathie coagulum coalescence coalisé - coallergie coaltar coanimateur coanimation coaptation coapteur coarctation - coarticulation coassement coassociation coassocié coassurance coassureur coati - cob cobaea cobalamine cobaltage cobalthérapie cobaltiammine cobalticarbonate - cobaltine cobaltinitrite cobaltite cobaltoammine cobaltocyanure cobaltoménite - cobaye cobe cobelligérant cobier cobinamide cobol cobra cobéa cobée coca - cocarboxylase cocarcinogène cocarde cocardier cocasse cocasserie cocassier - cocaïne cocaïnisation cocaïnisme cocaïnomane cocaïnomanie coccidie coccidiose - coccidioïdomycose coccidé coccinelle coccinellidé coccobacille coccolite - coccolithophore coccoloba coccycéphale coccydynie coccygodynie cochage coche - cochenillier cochenilline cocher cochet cochette cochlicopa cochlicopidé - cochléaire cochléaria cochléariidé cochlée cochoir cochon cochonceté - cochonne cochonnerie cochonnet cocker cockney cockpit cocktail coco cocon - coconnière coconscient cocontractant cocooning cocorico cocorli cocoteraie - cocotte cocotterie cocourant cocréancier cocréateur coction cocu cocuage - cocyclicité coda codage code codemandeur codeur codicille codicologie - codification codifieur codille codirecteur codirection codirigeant codominance - codonataire codonateur codébiteur codécouvreur codéine codéinomanie - codéshydrogénase codétenteur codétenu codéthyline coecosigmoïdostomie - coefficient coelacanthe coelentéré coeliakie coelialgie coelifère - coeliome coelioscope coelioscopie coeliotomie coelodendridé coelomate coelome - coelope coelosomie coelosomien coelothéliome coelurosaure coempereur coendou - coengagement coenomyie coenonympha coenothécale coentraîneur coentreprise - coenurose coenzyme coenécie coercibilité coercition coercitivité coerébidé - coeur coexistence coexploitation coexpression coexécuteur cofacteur cofactor - coffin coffinite coffrage coffre coffret coffreterie coffretier coffreur - cofondateur cofondation cogestion cogitation cognac cognassier cognat - cogne cognement cogneur cogniticien cognition cognitivisme cognitiviste cognée - cogérance cogérant cohabitant cohabitation cohobation cohomologie cohorte - cohénite cohérence cohéreur cohéritier cohésifère cohésion cohésivité coiffage - coiffe coiffette coiffeur coiffeuse coiffure coin coincement coinceur coinchée - coinfection coing coinçage coite cojurateur cojureur cojusticier cokage coke - coking cokéfaction col cola colacrète colapte colaspidème colateur colatier - colback colbertisme colbertiste colchicacée colchicine colchique colcotar - coleader colectasie colectomie colette coliade colibacille colibacillose - colibacillémie colibri colicine colicitant colifichet coliforme coliiforme - colin colinot coliou colique coliquidateur colisage colise colistier colistine - collabo collaborateur collaboration collaborationniste collage collagène - collagénose collant collante collapse collapsothérapie collargol collateur - collationnement collationnure collatérale collatéralité colle collectage - collecteur collectif collection collectionneur collectionnisme - collectivisation collectivisme collectiviste collectivité collembole - collerette collet colletage colleteur colleteuse colleur colleuse colley - collidine collie collier colligation collimateur collimation colline collision - collocale collocation collodion colloi colloque collosphère collothécacé - colloxyline colloyeur colloïde colloïdoclasie colloïdome colloïdopexie - collure collusion collutoire colluvion colluvionnement collybie collyre - collègue collète collé collégiale collégialité collégien colmatage colo colobe - coloboma colobome colocase colocataire colocation colocolo colocystoplastie - colofibroscope colofibroscopie cologarithme cololyse colombage colombe - colombiculture colombien colombier colombiforme colombin colombinage colombine - colombo colombophile colombophilie colomnisation colon colonage colonat - colonger colonialisme colonialiste colonie colonisateur colonisation colonisé - colonne colonnelle colonnette colonoscopie colopathie colopexie colopexotomie - colophon coloplication coloptose coloquinte coloradoïte colorant coloration - colorectostomie coloriage colorieur colorimètre colorimétrie colorisation - colorraphie coloscope coloscopie colosse colostomie colostomisé colostrum - colotomie colotuberculose colotyphlite colotyphoïde colourpoint colpectomie - colpocoeliotomie colpocystographie colpocystopexie colpocystostomie - colpocytologie colpocèle colpode colpodystrophie colpogramme colpokératose - colpoplastie colpoptose colpopérinéoplastie colpopérinéorraphie colporaphie - colportage colporteur colposcopie colposténose colpotomie colpotomisation colt - coltineur colubridé colugo columbarium columbella columbia columbidé - columbite columelle columnisation colvert colydiidé colydium colymbidé - colza colzatier colère colégataire colémanite coléocèle coléophore coléoptile - coléoptère coléoptériste coléorrhexie coléoïdé colérique coma comanche - comandataire comaternité comatule comatulidé comatéite combat combatif - combattant combe combientième combinaison combinard combinat combinateur - combine combinette combiné combinée combisme comblage comblanchien comble - combo comburant combustibilité combustible combustion comendite comestibilité - comique comitadji comitard comitatif comitialité comité comma command - commandature commande commandement commanderie commandeur commanditaire - commandité commando commencement commendataire commende commensalisme - commentaire commentateur commençant commerce commerciale commercialisation - commercialité commerçant commettage commettant comminution commissaire - commission commissionnaire commissionnement commissure commissuroplastie - commissurotomie commisération commodat commodataire commode commodité - commotion commotionné commuabilité commun communale communalisation - communaliste communard communautarisation communautarisme communautariste - commune communero communiant communicateur communication communion communiqué - communisme communiste commutabilité commutateur commutation commutativité - commère commémoraison commémoration commérage comopithèque comorien compacité - compactage compacteur compactification compaction compagne compagnie compagnon - compair compal compale comparabilité comparaison comparant comparateur - comparatisme comparatiste comparse compartiment compartimentage - comparution compassage compassement compassier compassion compaternité - compatriote compendium compensateur compensation compersonnier compilateur - complainte complaisance complant complanteur complantier complet complexation - complexification complexion complexité complexométrie complexé compliance - complice complicité compliment complimenteur compliqué complot comploteur - complément complémentabilité complémentaire complémentarité complémentation - complémenturie complémentémie complétion complétive complétivisation - complétude compo componction comporte comportement comportementalisme - composacée composant composante composeur composeuse composite compositeur - compositionnalité compossibilité compost compostage composteur composé - compote compotier compoundage compradore compreignacite compresse compresseur - compression comprimé compromission compréhensibilité compréhension compsilura - comptabilisation comptabilité comptable comptage comptant compte compteur - comptoir compulsation compulsif compulsion comput computation computer - compère compénétration compérage compétence compétiteur compétition - comtadin comtat comte comtesse comtoise comté comète comédiateur comédie - comédon coméphore con conard conasse conatif conation concanavaline concassage - concasseur concaténation concavité concentrateur concentration concentricité - concept conceptacle concepteur conception conceptioniste conceptionniste - conceptiste conceptualisation conceptualisme conceptualiste conceptualité - concertation concertina concertino concertiste concerto concession - concessionnalité concessive concetti concevabilité conchage conche - conchostracé conchotomie conchoïde conchyliculteur conchyliculture - conchyliologiste concierge conciergerie concile conciliabule conciliateur - concision concitoyen concitoyenneté conclave conclaviste conclusion concoction - concomitance concordance concordat concordataire concorde concordisme - concouriste concrescence concrétion concrétionnement concrétisation concubin - concupiscence concupiscent concurrence concurrent concussion concussionnaire - concélébration condamnation condamné condensat condensateur condensation - condensé condescendance condiment condisciple condition conditionnalité - conditionnement conditionneur conditionneuse conditionné condom condominium - condottiere conductance conducteur conductibilité conductimétrie conduction - conduiseur conduit conduite condylarthre condyle condylome condylure condé - confection confectionnabilité confectionneur conferve confesse confesseur - confessionnalisation confessionnalisme confessionnalité confetti confiance - confident confidentialité configurateur configuration confinement confirmand - confirmation confirmé confiscation confiserie confiseur confit confitage - confiturerie confiturier conflagration conflictualité conflit confluence - conformateur conformation conformisme conformiste conformité conformère - confraternité confrontation confrère confrérie confucianisme confucianiste - confusion confusionnisme confusionniste confédéralisation confédérateur - confédéré conférence conférencier conga congaye congaï conge congelé congeria - conglomérat conglomération conglutinant conglutinatif conglutination - congratulation congre congressiste congrier congruence congruisme congruiste - congréganiste congrégation congrégationalisme congrégationaliste congère congé - congélateur congélation congénère congérie conichalcite conicine conicité - conidé conifère coniférine coniine conine coniose coniosporiose coniotomie - conirostre conisation conjecture conjoint conjoncteur conjonctif conjonction - conjonctivite conjonctivome conjonctivopathie conjoncture conjoncturiste - conjugalité conjugueur conjugué conjuguée conjurateur conjuration conjureur - connaissance connaissement connaisseur connard connasse connaturalité - connecteur connectif connectique connectivite connectivité connellite connerie - connexionnisme connexionniste connexité connivence connotateur connotation - connétablie conocéphale conopidé conopophage conopée conotriche conoïde conque - conquêt conquête consacrant consanguinité conscience conscient - conscription conscrit conseil conseiller conseilleur conseillisme conseilliste - consensualiste consentement conservateur conservation conservatisme - conservatoire conserve conserverie conserveur considérant considération - consignateur consignation consigne consistance consistoire consoeur consol - consolation console consolidation consommarisation consommateur consommation - consomption consonance consonantification consonantisme consonne consort - consoude conspirateur conspiration constable constance constantan constante - constatant constatation constellation consternation constipation constipé - constituante constitutif constitution constitutionnaire constitutionnalisation - constitutionnaliste constitutionnalité constitutionnel constricteur - constrictive constrictor constructeur constructibilité construction - constructiviste constructivité consubstantialisme consubstantialité - consul consularité consulat consultant consultation consulte consulteur - consume consumérisme consumériste consécrateur consécration consécution - conséquence conséquent conséquente contact contacteur contacthérapie - contactologiste contactothérapie contadin contage contagion contagionisme - container containérisation contaminant contamination contarinia conte - contemplatif contemplation contemporain contemporaniste contemporanéité - contemption contenance contenant conteneur conteneurisation content - contention contenu contestant contestataire contestateur contestation conteste - contexte contextualisation contexture contiguïté continence continent - continentalité contingence contingent contingentement continu continuateur - continuité continuo continuum contorsion contorsionniste contour contournage - contraceptif contraception contractant contractilité contraction - contractualisme contractualité contractuel contracture contradicteur - contragestion contrainte contraire contraltiste contralto contrapontiste - contrariété contraste contrat contravention contre contre-allée contre-jour - contre-manifestation contre-révolutionnaire contrebande contrebandier - contrebassiste contrebasson contrebatterie contrebatteur contrebutement - contrechamp contreclef contrecoeur contrecollage contrecoup contredanse - contredit contredosse contrefacteur contrefaçon contrefiche contrefil - contrefort contreguérilla contremanifestant contremanifestation contremarche - contremaître contremine contreparement contrepartie contrepente contrepet - contreplacage contreplaqué contreplongée contrepoint contrepointiste - contrepouvoir contreprojet contreproposition contrepublicité contrepulsation - contrepèterie contrerail contrerégulation contrescarpe contreseing - contresignature contresujet contretaille contretransfert contretype contreur - contrevenant contrevent contreventement contrevérité contribuable contributeur - contrition contrordre controverse controversiste contrée contrôlabilité - contrôleur contumace contusion conté conulaire conurbation convalescence - convecteur convection convenance convenant convent conventicule convention - conventionnaliste conventionnel conventionnement conventualité convergence - conversion converti convertibilité convertible convertine convertinémie - convertissement convertisseur convexion convexité convexobasie convict - convive convivialité convié convocation convoi convoiement convoiteur - convolute convolution convolvulacée convoyage convoyeur convulsion - convulsivant convulsivothérapie conépate coobligation coobligé cooccupant - cooccurrence cooccurrent cookie cookéite coolie coop cooptation coopté - coopérateur coopération coopératisme coopérative coopérite coordinateur - coordinence coordonnant coordonnateur coordonnée coorganisateur copahier - copahène copain copal copalier copaline coparrain coparrainage copartage - copartagé coparticipant coparticipation copaternité copayer copazoline copaène - copermutant copermutation copernicien cophochirurgie cophose cophémie copiage - copie copieur copilote copinage copinerie copiste coplanarité copocléphilie - copolymérisation copossesseur copossession coppa copra coprah copreneur coprin - coproculture coproducteur coproduction coprolalie coprolithe coprologie - coprome coprophage coprophagie coprophile coprophilie coproporphyrie - coproporphyrinogène coproporphyrinurie copropriétaire copropriété coproscopie - coprostase coprostasie coprécipité coprésentateur coprésidence coprésident - copte copulant copulation copulative copule copyright copyrighter copépode coq - coquart coque coquecigrue coquelet coquelicot coqueluche coquemar coquerelle - coquerico coquerie coqueron coquet coquetier coquetière coquette coquetterie - coquillard coquillart coquille coquillette coquillier coquimbite coquin - coquâtre cor cora coraciadidé coraciadiforme coracidie coraciiforme coracin - coracoïde coracoïdite corailleur coraillère coralière coralliaire corallide - coralline coralliophage corambe corambidé corb corbeautière corbeille - corbillard corbillat corbillon corbin corbule cordage corde cordelette - cordelière cordelle corderie cordeur cordialité cordier cordillère cordite - cordon cordonnage cordonnerie cordonnet cordonneuse cordonnier cordopexie - cordotomie cordouan cordulie cordyle cordylidé cordylite cordylobie cordé - corectopie coreligionnaire corepraxie corescope coresponsabilité corfiote - coricide corindon corinthien corise corize corkite corlieu cormaillot corme - cormier cormophyte cormoran cornac cornacée cornade cornage cornaline cornard - cornea corneillard corneille corneillère cornement cornemuse cornemuseur - cornet cornetier cornette cornettiste corniaud corniche cornichon corniculaire - cornier cornillon corniot corniste cornière cornouille cornouiller cornue - cornwallite cornée cornéenne cornétite corollaire corolle coron coronadite - coronale coronarien coronarite coronarographie coronaropathie coronelle - coronille coronographe coronographie coronoplastie coronule corophium - corozo corporation corporatisme corporatiste corporéité corpsard corpulence - corral corrasion correcteur correctif correction correctionalisation - correctionnalité correctionnelle correspondance correspondancier correspondant - corridor corriedale corrigeabilité corrigeur corrigibilité corrigé corrine - corrodant corroi corroierie corrosif corrosion corroyage corroyeur corrugation - corruptibilité corruption corrélat corrélateur corrélatif corrélation - corsac corsage corsaire corse corselet corset corseterie corsetier corsite - cortectomie corticale corticogenèse corticographie corticolibérine - corticostimuline corticostérone corticostéroïde corticostéroïdogenèse - corticosurrénalome corticothérapie corticotrophine corticotropin corticoïde - cortine cortisol cortisolémie cortisone cortisonothérapie cortisonurie corton - corvettard corvette corvicide corvidé corvusite corvéable corvée corybante - corycéidé corydale corymbe corynanthe corynanthéine corynebacterium corynète - corynéphore coryphène coryphée coryza corèthre coré coréen coréférence - coréférentialité corégone corégulation coréidé coréoplastie corépraxie - cosalite cosaque coscinocera coscénariste cosecrétaire coseigneur coseigneurie - cosiste cosme cosmobiologie cosmochimie cosmodrome cosmogonie cosmographe - cosmologie cosmologiste cosmonaute cosmopathologie cosmophysique cosmopolite - cosmotriche cosmète cosmétique cosmétologie cosmétologue cosociétaire - cossard cosse cossette cossidé cossiste cosson cossyphe costar costard - costaud costectomie costia costière costumbrisme costume costumier cosy - cotangente cotardie cotation cote coterie coteur cothurne cothurnie cotice - cotier cotignac cotillon cotinga cotingidé cotisant cotisation cotitulaire - cotonnade cotonnage cotonnerie cotonnier cotonéaster cotre cotret cottage - cotte cottidé cottoïde cotunnite coturniculteur coturniculture cotutelle - cotyle cotylosaurien cotylédon cou coua couac couagga couard couardise coucal - couchant couche coucher coucherie couchette coucheur coucheuse couchoir coucou - coudage coude coudière coudoiement coudou coudraie coudreuse coudrier coudée - couette couffe couffin cougouar couguar couille couillon couillonnade - couinement coulabilité coulage coulant coule coulemelle couleur couleuvre - couleuvrinier coulevrinier coulissage coulisse coulissement coulissier couloir - coulomb coulombmètre coulon coulpe coulure coulé coulée coumaline coumaranne - coumarone coumestrol coup coupable coupage coupant coupe coupe-cheville - coupe-file coupe-jarret coupe-racine coupe-tige coupe-tube coupellation - coupellier couperet couperose coupeur coupeuse couplage couple couplement - coupleur couplé coupoir coupole coupon couponnage coupure coupé coupée couque - courage courant courante courantologie courantologue courbache courbage - courbature courbe courbement courbette courbine courbure courcaillet courette - coureuse courge courgette courlan courol couronne couronnement couroucou - courriériste courroie course coursier coursive coursière courson coursonne - court-noué courtage courtaud courtepointe courtepointier courterole courtier - courtine courtisan courtisane courtisanerie courtoisie courvite courçon courée - cousette couseur couseuse cousin cousinage coussin coussinet cousso coustilier - coutelière coutellerie coutil coutilier coutre coutrier coutrière coutume - couturage couture couturier couturière couvade couvage couvain couvaison - couventine couvercle couvert couverte couverture couverturier couveuse couvoir - couvre-canon couvre-lit couvre-nuque couvre-percuteur couvre-shako couvrement - couvrure couvée covalence covariance covariant covariation covecteur covedette - covenantaire covendeur cover-boy cover-girl covoiturage cow-girl cowboy - cowper cowpérite coxa coxalgie coxalgique coxarthrie coxarthrose coxiella - coxodynie coxométrie coxopathie coxsackie coyote coypou cozymase coéchangiste - coédition coéducation coéquation coéquipier coésite coévolution coëffette coën - coïncidence coïnculpé coïndivisaire coït coût crabe crabier crabot crabotage - crabron crac crachat crachement cracheur crachin crachoir crachotement - cracidé crack cracker cracking cracovienne cracticidé craie craillement - craintif craken crakouse crambe crambé cramique cramoisi crampage crampe - crampon cramponnage cramponnement cramponnet cran cranchia cranequinier - craniectomie cranioclasie cranioclaste craniographie craniologie craniomalacie - craniopage craniopathie craniopharyngiome cranioplastie craniorrhée - craniospongiose craniosténose craniosynostose craniotomie crantage crapahut - crapahuteur crapaud crapaudine crapaudière crapaütage crapette crapouillot - crapule crapulerie craquage craquant craque craquelage craquelin craquellement - craquelé craquement craquettement craqueur craqure craquèlement craquètement - crash crassane crassatella crassatellidé crasse crassier crassostrea - crassule craterelle craticulage craticulation craticule craton cratonisation - cratérisation cratérope cravache cravant cravate cravatier crave crawl - crayer crayon crayonnage crayonneur crayonniste crayère craïer crednérite - cresserine cressiculteur cressiculture cresson cressonnette cressonnière - creusage creusement creuset creusetier creusiste creusure crevaison crevard - crevette crevettier crevettine crevettière crevé crevée cri criaillement - criailleur crib criblage crible cribleur cribleuse criblure cric crichtonite - cricoïde cricri cricétidé cricétiné crieur crime criminalisation criminaliste - criminel criminelle criminologie criminologiste criminologue crimora criméen - crincrin crinier crinière crinoline crinoïde criocère criocéphale criollo - criquet crise crispage crispation crispin crissement cristalblanc cristallerie - cristallin cristallisation cristallisoir cristallite cristallochimie - cristallographe cristallographie cristallogénie cristalloluminescence - cristallophone cristalloïde cristaria cristatelle cristobalite crithidia - crithmum criticisme criticiste critique critiqueur critomancie critère - criée croassement croate croc crochage croche croche-patte crochet crochetage - crochon crocidolite crocidure crocodile crocodilidé crocodilien crocosmia - crocoïte croisade croisement croisette croiseur croisier croisillon croisière - croissance croissant croissantier croisé croisée cromlech cromniomancie - cronstedtite crookésite crooner croquant croquembouche croquemitaine croquenot - croquet croquette croqueur croquignole croskill croskillette crosne cross-roll - crossaster crosse crossectomie crossette crosseur crossite crossocosmie - crossoptérygien crotale crotaliné croton crotonaldéhyde crotonate crotte - crotyle crouillat crouille croulant croule croup croupade croupe croupier - croupissement croupière croupon crouponnage crouponneur croustade croyance - croît croûtage croûte croûton cru cruauté cruche cruchette cruchon - crucifixion crucifié crucifère cruciféracée cruciverbiste crudité crue cruiser - cruppellaire cruralgie crush crustacé crustacéologie cruzado cruzeiro - cryanesthésie cryergie cryesthésie crylor cryoalternateur cryoapplication - cryocautère cryochimie cryochirurgie cryoclastie cryoconducteur - cryodessiccation cryofibrinogène cryofibrinogénémie cryoglobuline - cryogénie cryogénisation cryogénérateur cryohydrate cryoinvagination - cryolite cryolithe cryolithionite cryologie cryoluminescence cryomagnétisme - cryométrie cryopathie cryoplexie cryoprotecteur cryoprotection cryoprotéine - cryoprécipitabilité cryoprécipitation cryoprécipité cryopréservation - cryorétinopexie cryoscalpel cryosclérose cryoscopie cryosonde cryostat - cryotransformateur cryotron cryoturbation cryoébarbage cryptage - crypte cryptesthésie crypticité cryptie cryptiné cryptite crypto cryptobiose - cryptocalvinisme cryptocalviniste cryptococcose cryptocommuniste cryptocoque - cryptocéphale cryptocérate cryptodire cryptogame cryptogamie cryptogamiste - cryptographe cryptographie cryptohalite cryptoleucose cryptoleucémie - cryptologue cryptomeria cryptomnésie cryptomonadale cryptomètre - cryptoniscien cryptonémiale cryptonéphridie cryptophage cryptophonie - cryptophycée cryptophyte cryptopodie cryptoportique cryptoprocte cryptopsychie - cryptopériode cryptorchidie cryptorelief cryptorhynque cryptosporidie - cryptostegia cryptothyréose cryptotétanie cryptozoïte crystal crâne crânerie - crèche crème crève créance créancier créateur créatif créatine créatinine - créatininémie créatinurie créatinémie création créationnisme créationniste - créativité créatorrhée créature crécelle crécerelle crécerellette crédence - crédibilité crédirentier crédit créditeur créditiste crédulité crémage - crémaillère crémant crémastogaster crémation crématiste crématoire crématorium - crémier crémone crénage crénatule crénelage crénelure crénilabre crénobiologie - créodonte créole créolisation créolisme créoliste créophile créosol créosotage - crépi crépidodéra crépidule crépin crépine crépinette crépinier crépissage - crépitement crépon crépuscule crésol crésyl crésylate crésyle crésylite - crételle crétin crétinerie crétinisation crétinisme créédite crêpage crêpe - crêperie crêpeuse crêpier crêpière crêpure crêt crête csar ctenicella cténaire - cténize cténizidé cténobranche cténocéphale cténodactylidé cténodonte - cténomyidé cténophore cténostome cuadro cubage cubain cubane cubanite cubanité - cube cubi cubiculaire cubiculum cubilot cubique cubisme cubiste cubitainer - cuboméduse cubèbe cubébine cubébène cuceron cucujidé cucujoïde cuculidé - cuculiiné cuculle cucullie cucumaria cucurbitacine cucurbitacée cucurbitain - cucurbitin cueillage cueillaison cueille cueillette cueilleur cueilleuse - cuesta cueva cuiller cuilleron cuillerée cuillère cuillérée cuir cuirasse - cuirassier cuirassé cuirier cuisette cuiseur cuisinage cuisine cuisinette - cuisiniste cuisinière cuissage cuissard cuissarde cuisse cuisson cuissot - cuistot cuistre cuistrerie cuite cuivrage cuivre cuivrerie cuivreur cul culage - culasse culbutage culbutant culbute culbutement culbuterie culbuteur culcita - culdotomie culeron culicidisme culicidé culicoïde culière culmination - culot culottage culotte culottier culpabilisation culpabilité culte cultisme - cultivar cultivateur culturalisme culturaliste culture culturisme culturiste - culturomanie cultéranisme cultéraniste culvert culée cumacé cumberlandisme - cumin cuminaldéhyde cuminoïne cummingtonite cumul cumulard cumène cunette - cuniculiculture cuniculteur cuniculture cunéiforme cuon cupidité cupidon - cupressacée cupressinée cupricyanure cuprimètre cuprite cupritétrahydrine - cuproammoniaque cuprochlorure cuprolithique cupronickel cuproplomb - cuprothérapie cuprurie cuprémie cupule cupulifère cupuliféracée cupulogramme - cupédidé cupésidé curabilité curage curaillon curare curarine curarisant - curatelle curateur curaçao curculionidé curcuma curcumine cure cure-dent - cure-oreille curetage cureton curettage curette cureuse curide curie - curiethérapie curion curiosité curiste curite curiénite curleur curling - curovaccination currawong curriculum curry curseur cursive curvimètre curé - cuscutacée cuscute cuspidariidé cuspide cuspidine cusseron cusson custode - cutanéolipectomie cuti cuticule cutine cutinisation cutiréaction cutisation - cutérèbre cutérébridé cuvage cuvaison cuve cuvelage cuvellement cuverie cuvert - cuvier cuvée cyame cyamidé cyamélide cyan cyanacétate cyanamide cyanate - cyanhydrine cyanidine cyanisation cyanite cyanoacrylate cyanobactérie - cyanocobalamine cyanodermie cyanofer cyanogène cyanopathie cyanophilie - cyanopsie cyanose cyanosé cyanotrichite cyanuration cyanure cyanurie cyanée - cyathocrinidé cyathosponge cyathozoïde cyberacheteur cybercafé - cyberemploi cyberespace cyberforum cybermarchand cybermarketing cybermonde - cybernéticien cybernétique cyberrandonneur cyberrencontre cyberreporter - cyberterroriste cybister cybocéphale cycadale cychre cyclade cyclamate - cyclamine cyclane cyclanone cyclazorcine cycle cyclicité cyclisation cyclisme - cyclite cyclitol cycloalcane cycloalcanol cycloalcanone cycloalcyne - cyclobutane cycloconvertisseur cyclocosmie cyclocryoapplication cyclocéphale - cyclodialyse cyclodiathermie cyclododécane cyclododécanone cyclododécatriène - cycloheptane cycloheptatriène cyclohexadiène cyclohexane cyclohexanol - cyclohexylamine cyclohexyle cyclohexène cyclomastopathie cyclomoteur - cyclomyxa cyclonage cyclone cyclonite cyclooctadiène cyclooctane - cycloparaffine cyclope cyclopentadiène cyclopentane cyclopenténone cyclopexie - cyclophorie cyclophosphamide cyclophotocoagulation cyclophrénie - cyclopie cyclopien cycloplégie cyclopousse cyclopoïde cyclopropane cycloptère - cyclorameur cyclosalpa cyclosilicate cyclospasme cyclosporine cyclosthénie - cyclostrema cyclosérine cyclothone cyclothyme cyclothymie cyclothymique - cyclotocéphale cyclotourisme cyclotouriste cyclotron cyclotropie cycloïde - cyclure cyclène cydippe cydne cygne cylade cylichna cylindrage cylindraxe - cylindreur cylindrisme cylindrite cylindrocéphalie cylindrome cylindrurie - cyllosome cymaise cymatiidé cymatophore cymbalaire cymbale cymbalier - cymbalum cymbium cymbocéphalie cyme cymidine cymomètre cymothoa cymothoïdé - cymène cynanthropie cynhyène cynipidé cynique cynisme cynocéphale cynodonte - cynogale cynoglosse cynologie cynophile cynophilie cynophobie cynopithèque - cynorhodon cynégétique cyon cyphoderia cyphonaute cyphophthalme cyphoscoliose - cyprin cyprina cypriniculteur cypriniculture cyprinidé cypriniforme - cyprinodontiforme cypriote cyprière cyprée cypéracée cyrard cyrien - cyrtomètre cyrtométrie cyrénaïque cystadénome cystalgie cystathioninurie cyste - cystectomie cystencéphalocèle cysticercose cysticercoïde cysticerque cysticite - cystide cystidé cystine cystinose cystinurie cystinéphrose cystirragie cystite - cystocèle cystodynie cystofibrome cystographie cystolithotomie cystomanométrie - cystométrie cystométrogramme cystopexie cystophore cystoplastie cystoplégie - cystorragie cystosarcome cystoscope cystoscopie cystosigmoïdoplastie - cystotomie cystozoïde cystéine cytaphérèse cytase cythara cythère cythémie - cytise cytisine cytoarchitectonie cytoarchitectonique cytochimie cytochrome - cytocolposcopie cytodiagnostic cytodystrophie cytofluoromètre cytofluorométrie - cytogénéticien cytogénétique cytokine cytokinine cytokinèse cytologie - cytolyse cytolysine cytolytique cytomégalovirose cytométrie cytonocivité - cytophilie cytophérèse cytoplasme cytoponction cytopronostic cytopénie - cytosidérose cytosine cytosol cytosporidie cytosquelette cytostatique - cytotaxie cytotaxigène cytotaxine cytothérapie cytotoxicité cytotropisme - cytémie cyémidé czar czarévitch czimbalum câblage câble câblerie câbleur - câbliste câblo-opérateur câblodistributeur câblodistribution câblogramme - câblé câlin câlinerie câpre câprier cèdre cène cèpe cèphe cébidé cébocéphale - cébrion cébrionidé cécidie cécidomyidé cécidomyie cécilie céciliidé cécité - cédant cédi cédille cédraie cédrat cédratier cédrière cédrol cédrène cédule - cégétiste céladon céladonite célastracée céleri célesta célestin célestine - célibataire célonite célope célorraphie célosie célosome célosomie célostomie - célébration célébrité célérifère célérité cément cémentation cémentite - cémentoblastome cémentocye cémentome cénacle cénapse cénesthopathie - cénesthésiopathie cénestopathie cénobiarque cénobite cénobitisme cénosite - cénozoïque céntimo cénure cénurose cépage céphalalgie céphalalgique - céphalhématome céphaline céphalisation céphalobénidé céphalocordé céphalocèle - céphalogyre céphalogyrie céphalome céphalomèle céphalométrie céphalopage - céphalopine céphalopode céphaloptère céphalosporine céphalosporiose céphalée - céphème céphéide céphénémyie cépole cépée cérambycidé cérame céramique - céramographie céramologie cérargyre cérargyrite cérasine céraste cérat - cératite cératode cératomorphe cératopogon cératopogonidé cératopsien - céraunie cérianthaire cérificateur cérification cérinitrate cérisulfate cérite - cérithe cérithidé cérithiopsidé cérocome céroféraire cérographie cérolite - céropale céroplaste cérosine cérostome céruloplasmine cérumen cérure céruridé - cérusite céréale céréaliculteur céréaliculture céréalier cérébellectomie - cérébralité cérébratule cérébromalacie cérébrome cérébrosclérose cérébroside - cérémoniaire cérémonial cérémonialisme cérémonie céréopse cérésine - césalpinie césalpinée césar césarien césarienne césarisme césarolite - césaropapiste césine césure cétacé cétane céthéxonium cétimine cétiosaure - cétoalcool cétodonte cétogenèse cétogène cétohexose cétoine cétol cétolyse - cétone cétonurie cétonémie cétorhinidé cétose cétostéroïde cétoxime cétyle - cétérac cétérach cévenol córdoba côlon cône côte côtelette côtier côtière - côté dab dabe dace dachshund dacite dacnusa dacoït dacron dacryadénite - dacryocystectomie dacryocystite dacryocystographie dacryocystorhinostomie - dacryomégalie dacryon dacryorhinostomie dactyle dactylie dactylioglyphie - dactyliothèque dactylite dactylo dactylochirotide dactylocodage dactylocodeur - dactylogramme dactylographe dactylographie dactylogyre dactylologie - dactylophasie dactylopsila dactyloptère dactyloscopie dactylotechnie - dactylèthre dada dadaïsme dadaïste dadouque daff dague daguerréotype - daguerréotypiste daguet dahabieh dahir dahlia dahoméen dahu daim daimyo daine - dalatiidé dalaï-lama dallage dalle dalleur dallia dalmanitina dalmate - dalmatique dalot dalton daltonide daltonien daltonisme damad damage damalisque - damasquinage damasquineur damassage damasserie damasseur damassure damassé - dame damet dameur dameuse damier dammarane damnation damné damourite - damper danacaea danalite danaïde danaïte danburite dancerie dancing dandin - dandinette dandy dandysme danger dangerosité danien danio dannemorite danse - dansomètre dantonisme dantoniste dantrolène danubien danzon daonella daphnie - daphné daphnéphore daphnétine dapifer daraise darapskite darbouka darbysme - darce dard dardillon dargeot dargif dariole darique darne darqawi darse - dartmorr dartre dartrose daru darwinisme darwiniste dascille dascillidé dassie - dasychira dasychone dasycladale dasypeltiné dasypodidé dasypogoniné - dasyte dasyure dasyuridé datage dataire datation datcha date daterie dateur - dation datiscine datiscétine datographe datolite datte dattier datura daube - daubeur daubière daubrééite daubréélite dauffeur dauphin dauphinelle daurade - davantier davidite davier daw dawsonite dazibao daïmio daïquiri deal dealer - debye decauville decca deck decolopoda decrescendo dectique deerhound defassa - deilinia deiléphila dejada delafossite delco delessite delirium delphacidé - delphinaptériné delphinarium delphinidine delphinidé delphinium delphinologie - delta deltacisme deltacortisone deltaplane deltathérium deltaèdre deltidium - deltoïde delvauxite demande demandeur demandé demesmaekérite demeure demeuré - demi-aile demi-atténuation demi-bastion demi-bouteille demi-cadence demi-canon - demi-caractère demi-cellule demi-cercle demi-chaîne demi-colonne - demi-coupe demi-deuil demi-douzaine demi-droite demi-dunette demi-défaite - demi-finale demi-finaliste demi-fond demi-fret demi-frère demi-hauteur - demi-journée demi-lieue demi-longueur demi-lune demi-mesure demi-mondaine - demi-paon demi-pension demi-pensionnaire demi-pile demi-pièce demi-plié - demi-produit demi-pâte demi-quatrième demi-reliure demi-saison demi-seconde - demi-soeur demi-solde demi-soupir demi-tarif demi-teinte demi-tige demi-ton - demi-victoire demi-vierge demi-vol demi-vue demi-échec demi-élevage demiard - demoiselle dendrite dendrobate dendrochirote dendrochronologie - dendrocoelum dendrocolapte dendroctone dendrocygne dendrocératidé dendrogale - dendrolithe dendrologie dendromuriné dendromètre dendrométrie dendrone - dendrophore dendrophylle dendroïde dengue denier denrée densaplasie - densimètre densimétrie densirésistivité densitomètre densitométrie densité - dentaire dentale dentalisation dentelaire dentelet denteleur dentelle - dentellier dentellière dentelure dentelé denticule denticète dentier - dentine dentinogenèse dentirostre dentiste dentisterie dentition - dentolabiale dentome denture denté dentée deorsumvergence depressaria derbouka - derbylite derche dermabrasion dermalgie dermaptère dermatalgie dermatemyidé - dermatobie dermatofibrome dermatofibrose dermatoglyphe dermatologie - dermatologue dermatolysie dermatome dermatomycose dermatomyome dermatomyosite - dermatopathologie dermatophyte dermatophytie dermatophytose dermatoptère - dermatosclérose dermatoscopie dermatose dermatosparaxie dermatostomatite - derme dermeste dermestidé dermite dermochélyidé dermocorticoïde dermogenèse - dermographie dermographisme dermohypodermite dermolipectomie dermopathie - dermopharmacologie dermoponcture dermoptère dermopuncture dermotropisme - dermoépidermite dernier derny derrick derrière derviche descamisado - descemetocèle descemétite descendance descendant descenderie descendeur - descente descloizite descripteur descriptif description descriptivisme - design designer desman desmine desmiognathe desmodexie desmodontidé - desmodontose desmognathe desmographie desmolase desmologie desmome desmon - desmopressine desmorrhexie desmosome desmostylien desmotomie desmotropie - desponsation despotat despote despotisme desquamation dessablage dessablement - dessaignage dessaisissement dessaisonalisation dessalage dessalaison - dessaleur dessalinisateur dessalinisation dessalure dessautage dessautement - desserrage desserrement dessert desserte dessertissage desservant dessiatine - dessiccateur dessiccatif dessiccation dessillement dessin dessinandier - dessolement dessolure dessouchage dessouchement dessoucheuse dessoudure - dessèchement desséchant dessévage destin destinataire destinateur destination - destinézite destitution destour destrier destroyer destructeur destructibilité - destructivité destructuration dette detteur deuil deuton deutoneurone - deutéragoniste deutéranomalie deutéranope deutéranopie deutérium deutériure - deutéromycète deutéron deutéroporphyrine deutéroscopie deutérostomien - deutérure deuxième deva devancement devancier devant devantier devantière - devanâgari devenir devillite devin devinette devineur devise devoir devoirant - dewalquite dewindtite dexie dextralité dextran dextre dextrine dextrinerie - dextrocardie dextrocardiogramme dextrogramme dextromoramide dextroposition - dextrose dextroversion dextérité dey deyra dhole diable diablerie diablesse - diabolisation diabolisme diabolo diaboléite diabrotica diabète diabétide - diabétologie diabétologue diachromie diachronie diachronisme diachylon - diacide diacinèse diaclase diacode diaconat diaconesse diaconie diaconique - diacoustique diacre diacritique diacyclothrombopathie diacétone diacéturie - diacétylmorphine diacétémie diade diadectomorphe diadema diadochie diadochite - diadococinésie diadoque diadrome diadème diadématidé diadémodon diafiltration - diagnose diagnostic diagnostiqueur diagomètre diagométrie diagonale - diagrammagraphe diagramme diagraphe diagraphie diaitète diakène dial dialcool - dialectalisation dialectalisement dialectalisme dialecte dialecticien - dialectisation dialectisme dialectologie dialectologue dialectophone - dialeurode diallage diallyle diallèle dialogisme dialoguant dialogue - dialoguiste dialycarpie dialycarpique dialypétale dialyse dialyseur dialysé - diamagnétisme diamant diamantage diamantaire diamantin diamantine diamide - diamidophénol diamine diaminobutane diaminohexane diaminopentane diaminophénol - diaminotoluène diamorphine diamètre diandrie diane diantennate dianthoecia - diapason diapause diapensie diapente diaphanoscope diaphanoscopie diaphanéité - diaphonomètre diaphonométrie diaphorite diaphorèse diaphorétique diaphotie - diaphragmatocèle diaphragme diaphyse diaphysectomie diapir diapirisme - diapneusie diapo diaporama diaporamètre diapositive diapre diapriiné diaprure - diapédèse diariste diarrhée diarthrognathe diarthrose diascope diascopie - diaspore diastase diastimomètre diastimométrie diastole diastopora - diastyle diastème diastématomyélie diathermanéité diathermie - diathèque diathèse diatomite diatomée diatonisme diatribe diatryma diaule - diazo diazoacétate diazoalcane diazoamine diazoaminobenzène diazocopie - diazohydroxyde diazole diazométhane diazonium diazoréactif diazoréaction - diazotation diazotypie diazoïque diazène diazépine diballisme dibamidé dibatag - dibenzopyranne dibenzopyrone dibenzopyrrole dibenzyle dibolie diborane - dicamptodon dicarbonylé dicarboxylate dicaryon dicaryotisme dicastère dicentra - dichloracétate dichloramine dichlorobenzène dichlorocarbène dichlorométhane - dichloropropanol dichloropropène dichloréthane dichloréthylène dichogamie - dichotomie dichotomisation dichrographe dichromasie dichromate dichromatisme - dichromisme dichroïsme dichroïte dickensien dickinsonite dickite diclonie dico - dicranomyia dicranure dicrocoeliose dicroloma dicrote dicrotisme dicruridé - dictaphone dictat dictateur dictature diction dictionnaire dictionnairique - dicton dictyne dictyoniné dictyoptère dictyosome dictée - dicyclopentadiène dicynodonte dicyrtoma dicystéine dicyémide dicée dicéphale - dicétone dicétopipérazine didacticiel didactique didactisme didagiciel - didascalie didelphidé didemnidé didone diduction diduncule didyme - didéoxycytidine didéoxyinosine didéoxynucléoside didéoxythymidine - dieldrine diencéphale diencéphalite diencéphalopathie dienoestrol - diergol diesel diester dietzéite diffa diffamateur diffamation difficile - diffluence diffluent difflugia difformité diffraction diffractogramme - diffuseur diffusibilité diffusiomètre diffusion diffusionnisme diffusionniste - différence différenciation différend différent différentiabilité - différentiation différentiel différentielle différé digamie digamma - digenèse digest digeste digesteur digestibilité digestif digestion digesté - digit digitale digitaline digitalique digitalisation digitaliseur digitaria - digitigrade digitoclasie digitogénine digitonine digitonoside digitoplastie - digitoxine digitoxose digitoxoside diglosse diglossie diglycol diglycolide - diglyme diglyphe dignitaire dignité digon digoxine digramme digraphie - diguail diguanide digue digynie digène digénite dihexaèdre diholoside - dihybridisme dihydrate dihydroanthracène dihydrobenzène dihydrocarvone - dihydroergotamine dihydrofolliculine dihydronaphtalène dihydropyranne - dihydroxyacétone dihydroxylation diimide diiodométhane diiodothymol - diktat diktyome dikémanie diképhobie dilacération dilapidateur dilapidation - dilatance dilatant dilatateur dilatation dilation dilatomètre dilatométrie - dilemme dilettante dilettantisme diligence diloba dilogie diluant dilueur - dilution diluvium dimanche dimension dimensionnement diminuendo diminutif - dimissoire dimorphie dimorphisme dimorphodon dimère dimètre dimérie - diméthoxyméthane diméthoxyéthane diméthylacétamide diméthylallyle - diméthylaminoantipyrine diméthylaminoazobenzène diméthylaminobenzaldéhyde - diméthylarsinate diméthylarsine diméthylbenzène diméthylbutadiène - diméthylformamide diméthylglyoxal diméthylglyoxime diméthylhydrazine - diméthylsulfone diméthylsulfoxyde diméthylsulfure diméthylxanthine - diméthyléthylcarbinol dimétrodon dinanderie dinandier dinantien dinapate dinar - dinassaut dinde dindon dindonnier dinergate dinghie dinghy dingo dingue - dinifère dinitrile dinitrobenzène dinitrocrésol dinitroglycol - dinitronaphtol dinitrophénol dinitrophénylhydrazine dinitrorésorcinol - dinobryon dinobryum dinocéphale dinocérate dinoflagellé dinomyidé dinophycée - dinosaure dinosaurien dinothérium dioctaèdre dioctrie diocèse diocésain diode - diodontidé dioecie dioecète diogène diogénidé diol dioléfine diomédéidé dione - dionysien dionysisme dionée diopatra diopside dioptase dioptre dioptrie - diorama diorite dioscoréacée dioxanne dioxime dioxine dioxinne dioxolanne - dioxyde dioïcité dioïque dip dipeptidase dipeptide diphone diphonie diphosgène - diphosphoglycéromutase diphtongaison diphtongue diphtonguie diphtère diphtérie - diphyllide diphyllode diphyodonte diphyodontie diphénilène diphénol - diphénylamine diphénylcarbinol diphénylcétone diphényle diphénylhydantoïne - diphénylméthane diphénylméthylamine diphénylène diphényléthane diphényléther - diplacousie diple diplexeur diplobacille diplocaule diplocentridé diplocoque - diplocéphale diplocéphalie diplogaster diplogenèse diploglosse diplognathe - diplomate diplomatie diplomatique diplomatiste diplomonadale diplomonadine - diplophonie diplopie diplopode diplosomie diplosphyronidé diplospondylie - diplosporie diplostracé diploure diplozoaire diplozoon diploé diploïdie - diplôme diplômé dipneumone dipneuste dipode dipodidé dipodie diporpa diprion - diprotodon diprotodonte dipsacacée dipsacée dipsomane dipsomanie diptyque - diptériste diptérocarpacée diptérocarpol dipyge dipylidium dipyre dipyridamole - dipôle dire direct directeur direction directive directivisme directivité - directorat directorialisme directrice dirham dirhem dirigeabilité dirigeable - dirigisme dirigiste dirlo dirofilariose disaccharide disamare disazoïque - discale discarthrose discectomie discernant discernement discession discine - disciplinaire disciplinant discipline discission discite disco discobole - discoglossidé discographe discographie discoloration discomycose discomycète - disconnexion discontacteur discontinu discontinuation discontinuité - discopathie discophile discophilie discoradiculographie discordance discordant - discothèque discothécaire discount discounter discoureur discours-fleuve - discriminant discriminateur discrimination discrédit discrétion - discrétisation discrétoire disculpation discursivité discussion discutaillerie - discuteur disette diseur disgrâce disharmonie disjoint disjoncteur disjonctif - disjonctive dislocation dismorphia dismutation disomie dispache dispacheur - disparation disparition disparité disparu dispatche dispatcher dispatcheur - dispensaire dispensateur dispensation dispense dispensé dispermie dispersal - dispersement dispersibilité dispersion dispersivité dispersoïde display - disponible disposant dispositif disposition disproportion disputaillerie - disputation dispute disputeur disquaire disqualification disque disquette - disruption dissecteur dissection dissemblance dissension dissenter - dissertation dissidence dissident dissimilation dissimilitude dissimulateur - dissimulé dissipateur dissipation dissociabilité dissociation dissolubilité - dissolvant dissonance dissuasion dissyllabe dissymétrie dissémination - disséqueur distance distancement distancemètre distanciation distanciomètre - disthène distichiase distillat distillateur distillation distillerie - distinguo distique distomatose distome distomiase distomien distorsiomètre - distracteur distractibilité distraction distractivité distrait distributaire - distributif distribution distributionnalisme distributionnaliste - districhiase district disulfide disulfirame disulfure dit diterpène - dithionate dithionite dithizone dithyrambe dithéisme dithéiste dithématisme - diurèse diurétique diva divagateur divagation divan divergence divergent - diversification diversion diversité diverticulation diverticule - diverticulite diverticulopexie diverticulose divertimento divertissement - dividende divinateur divination divinisation divinité divio diviseur diviseuse - division divisionnaire divisionnisme divisionniste divisme divorce - divorcé divorçant divulgateur divulgation divulsion dixa dixie dixieland - dixénite dizain dizaine dizainier dizenier dizygote dièdre diène dièse diète - diélectrique diélectrolyse diénestrol diérèse diésélification diésélisation - diéthanolamine diéther diéthylamine diéthylaminophénol diéthylbenzène - diéthylmalonylurée diéthylstilboestrol diéthyltoluamide diéthylèneglycol - diéthyléther diétothérapie diétrichite diététicien diététique diététiste - djaïn djaïnisme djebel djellaba djiboutien djighite djinn djounoud doberman - dobutamine doche docilité docimasie docimologie dock docker docodonte docte - doctorant doctorat doctrinaire doctrinarisme doctrine docu document - documentaliste documentariste documentation docète docétisme dodecaceria - dodinage dodine dodo dodécagone dodécane dodécanol dodécanolactame - dodécaphoniste dodécapole dodécasyllabe dodécatomorie dodécatémorie dodécaèdre - dogat doge dogger dogmaticien dogmatique dogmatisation dogmatiseur dogmatisme - dogme dogue doguin doigt doigtier doigté doit dojo dolage dolby dolcissimo - doleuse dolic dolicho dolichocolie dolichocrâne dolichocrânie dolichocéphale - dolichocôlon dolichodéridé dolichoentérie dolichognathie dolichomégalie - dolichopode dolichopodidé dolichosigmoïde dolichosome dolichosténomélie doline - doliole dolique dollar dolman dolmen doloire dolomie dolomite dolomitisation - doloriste dolure doléance dolérite domaine domanialité domanier dombiste - domestication domesticité domestique domeykite domicile domiciliataire - domification dominance dominante dominateur domination dominicain dominicaine - domino dominoterie dominotier domisme dommage domotique domptage dompteur don - donacie donat donataire donatario donateur donation donatisme donatiste - dondon donjon donjuanisme donne donneur donné donnée donovanose - donzelle dop dopage dopaldéhyde dopaminergie dopant dope doping doppler dorab - dorage dorcadion doreur dorididé dorien dorisme dorlotement dormance dormant - dormeuse dormille dormition doronic doronicum dorsale dorsalgie dorsalisation - dorsay dortoir dorure dorygnathe dorylidé doryphore dorytome doré dorée dosage - dosette doseur doseuse dosimètre dosimétrie dosinia dossage dossal dossard - dosseret dosseuse dossier dossière dot dotalité dotation dothiénentérie - douaire douairière douane douanier douar doublage doublante double doublement - doublette doubleur doubleuse doublier doublière doublon doublure doublé douc - doucette douceur douche douchette doucheur doucin doucine doucissage - doudou doudoune douelle douellière douglassectomie douglassite douil douille - douillette douilletterie douleur douloureuse doum douma dourine douro - doute douteur douvain douve douvelle douvin douzain douzaine douzième douçain - doxologie doxométrie doxosophe doxycycline doyen doyenneté doyenné doâb - drachma drachme dracunculose dracéna drag dragage drageoir drageon drageonnage - dragline dragon dragonnade dragonne dragonnet dragonnier dragster drague - dragueur dragueuse dragée dragéification draille drain drainage draine - draineuse draisienne draisine drakkar dralon dramatique dramatisation - dramatisme dramaturge dramaturgie drame drap drapage drapement draperie - drapé drassidé drasticité drastique draug drave draveur dravidien dravite - drawback drayage drayeuse drayoir drayoire drayure dreadnought dreamy dreige - dreissena dreissensia dreissénidé dreissénie drelin drenne drepana dressage - dresse dressement dresseur dresseuse dressing dressoir dreyfusard dreyfusia - dreyssensia dribblage dribble dribbleur dribbling drift drifter drile drilidé - drille dring drink driographie dripping drisse drive driver driveur drogman - droguerie droguet drogueur droguier droguiste drogué droit droite droiterie - droitisation droitisme droitiste droiture dromadaire dromaiidé drome dromiacé - dromie dromologie dromomanie dromon dromophobie drone drongaire drongo dronte - drop-goal dropage droppage drosera drosophile drosophilidé drosse droséra - droujina drousseur drugstore druide druidisme drum drumlin drummer drumstick - drupéole druse druze dry dryade dryocope dryophanta dryophile dryopidé - drypte drèche drège drève drégeur drépanidé drépanocyte drépanocytose drôle - drôlesse dualisation dualisme dualiste dualité dubitation duc ducale ducasse - ducaton duchesse duché ducroire ductance ductilité ductilomètre duction - dudgeon dudgeonnage dudgeonneur duel duelliste duettino duettiste duetto - dufrénoysite duftite dugazon dugon dugong dugongidé duhamélien duit duitage - dulcifiant dulcification dulcinée dulcite dulcitol dulie dumontite - dump dumpeur dumping dunaliella dundasite dundee dune dunette dunite duo duodi - duodénectomie duodénite duodénopancréatectomie duodénoplastie duodénoscope - duodénostomie duodénotomie duodénum duolet duomite duopole dupe duperie dupeur - duplexeur duplicateur duplication duplicature duplicidenté duplicité duplique - durabilité durain duralumin duramen duraminisation durangite duratif durbec - durcisseur dure dureté durham durillon durion durit durite duroc duromètre - durée duse dussertite dussumiéridé duumvir duumvirat duvet duvetage duvetine - dyade dyal dyarchie dyarque dyke dynamicien dynamique dynamisation dynamisme - dynamitage dynamite dynamiterie dynamiteur dynamitier dynamitière dynamo - dynamogénie dynamologie dynamomètre dynamométamorphisme dynamométrie - dynamoteur dynamètre dynaste dynastie dynatron dyne dynode dynorphine dynstat - dyphtongie dyrosaure dysacousie dysacromélie dysallélognathie dysankie - dysaraxie dysarthrie dysarthrose dysautonomie dysbarisme dysbasie dysboulie - dyscalcie dyscalculie dyscalcémie dyscataménie dyscataposie dyschondroplasie - dyschromatopsie dyschromie dyschronométrie dyschésie dyschézie dyscinésie - dyscrase dyscrasie dyscrasite dyscéphalie dysderina dysdipsie dysdéridé - dysembryome dysembryoplasie dysembryoplasmome dysencéphalie dysendocrinie - dysergie dysesthésie dysfibrinogène dysfibrinogénémie dysfonction - dysfribinogène dysfribinogénémie dysgammaglobulinémie dysgerminome - dysgnosie dysgonosomie dysgraphie dysgravidie dysgueusie dysgénésie - dyshidrose dyshormonogenèse dyshématopoïèse dyshématose dyshémoglobinose - dyshépatie dyshépatome dysidrose dysimmunité dysimmunopathie dysinsulinisme - dyskinésie dyskératose dyslalie dysleptique dyslexie dyslexique dyslipidose - dyslipoprotéinémie dyslipoïdose dyslipémie dyslogie dysmicrobisme dysmimie - dysmolimnie dysmorphie dysmorphogenèse dysmorphophobie dysmorphose - dysmégalopsie dysmélie dysménorrhée dysmétabolie dysmétabolisme dysmétrie - dysocclusion dysodie dysontogenèse dysorchidie dysorexie dysorthographie - dysostose dysovarie dysovulation dyspareunie dyspepsie dyspepsique dyspeptique - dysphagie dysphasie dysphonie dysphorie dysphrasie dysphrénie dysphémie - dysplasia dysplasie dysplasminogénémie dyspneumie dyspnée dysporie dyspraxie - dysprothrombie dysprothrombinémie dysprotidémie dysprotéinorachie - dysprotéinémie dyspubérisme dyspurinie dyspyridoxinose dyspéristaltisme - dysrythmie dysréflexie dyssocialité dyssomnie dysspermatisme dyssynergie - dyssystolie dystasie dysthanasie dysthymie dysthyroïdie dysthyroïdisme - dystomie dystonie dystopie dystrophie dysurie dysurique dysélastose - dytique dytiscidé dzong dèche dème dé déactivation déafférentation - déambulation déambulatoire débagoulage déballage déballastage déballeur - débandade débarbouillage débarbouillette débarcadère débardage débardeur - débarqué débat débateur débattement débatteur débauchage débauche débaucheur - débecquage débenzolage débenzoylation débet débile débilisation débilitation - débillardement débinage débine débineur débirentier débit débitage débitant - débiteuse débitif débitmètre déblai déblaiement déblayage déblayement - débloquement débobinage débobinoir débogueur déboire déboisage déboisement - débonification débonnaireté débord débordage débordement débordoir débottelage - débouchement déboucheur débouchoir débouchure débouché débouillissage - déboulonnement déboulé débouquement débourbage débourbement débourbeur - débourrement débourreur débourroir débourrure déboursement déboutement - déboutonnement débouté déboîtage déboîtement débraillé débranchement débrasage - débrayeur débridement débrochage débrouillage débrouillard débrouillardise - débrouillement débrouilleur débroussaillage débroussaillant débroussaillement - débroussailleuse débrutage débruteur débrutissage débucher débuché - débullage débulleur débureaucratisation débusquage débusquement débusqueur - débutanisation débutaniseur débutant débutante débuttage débâchage débâcle - débêchage débûchage déca décabriste décachetage décade décadence décadent - décadi décadrage décaféination décaféinisation décaféiné décagone décagramme - décaillage décaissement décalage décalaminage décalcarisation décalcification - décalescence décaline décalitre décalogue décalottage décalquage décalque - décalvation décamètre décaméthonium décan décanat décane décanol décantage - décanteur décantonnement décanulation décapage décapant décapement décapeur - décapitalisation décapitation décapité décapode décapole décapotable - décapsidation décapsulage décapsulation décapsuleur décarbonatation - décarbonylation décarboxylase décarboxylation décarburant décarburation - décarnisation décarottage décarrelage décartellisation décastyle décasyllabe - décathlonien décatissage décatisseur décavaillonnage décavaillonneuse décavé - déceleur décembre décembriseur décembriste décemvir décemvirat décence - décennie décentoir décentrage décentralisateur décentralisation décentration - déception décernement décervelage décervèlement déchant déchanteur déchapage - déchargement déchargeoir déchargeur décharnement déchaulage déchaumage - déchaussage déchaussement déchausseuse déchaussoir déchaînement déchet - déchiffrage déchiffrement déchiffreur déchiquetage déchiqueteur déchiqueture - déchirement déchireur déchirure déchlorage déchocage déchoquage - déchromage déchromateur déchronologie déchéance déci décibel décidabilité - déciduale déciduome décier décigrade décigramme décilage décile décilitre - décimalisation décimalité décimateur décimation décime décimètre décintrage - décintroir décision décisionnaire décisionnisme décisionniste décivilisation - déclamation déclampage déclarant déclaration déclassement déclassé déclenche - déclencheur déclergification déclic déclin déclinaison déclination - déclinement déclinomètre décliquetage déclive déclivité décloisonnement - décléricalisation décochage décochement décocheur décoconnage décoction - décodage décodeur décodification décoeurage décoffrage décognoir décohésion - décoiffement décoincement décoinçage décollage décollation décollectivisation - décolletage décolleteur décolleteuse décolleté décolleur décolleuse - décolonisateur décolonisation décolorant décoloration décommandement - décompactage décompensation décomplémentation décomposeur décomposition - décompression décomptage décompte décompteur déconcentration décondamnation - déconfessionnalisation déconfiture décongestif décongestion décongestionnement - déconnage déconneur déconnexion déconsidération déconsignation déconsommation - déconstruction décontaminant décontamination décontraction décontracturant - décontrôle déconventionnement déconvenue déconvolution décoquage décor - décoration décornage décorticage décortication décortiqueur décortiqueuse - décoré décote décottage décotteur découchage découennage découenneuse - découpe découpeur découpeuse découplage découplement découpoir découpure - découronnement découseur décousu décousure découvert découverte découverture - découvreur décrabage décrassage décrassement décrasseur décrasseuse décret - décri décriminalisation décriquage décrispation décrochage décroche - décrocheur décroisement décroissance décroissement décrottage décrotteur - décroît décruage décrue décrueur décrusage décryptage décryptement décrypteur - décrémentation décrémètre décrépissage décrépitation décrépitude décrétale - décrétiste décrêpage décuivrage déculassement déculottage déculottée - déculturation décuple décuplement décuplet décurarisation décurie décurion - décurtation décuscutage décuscuteuse décussation décuvage décuvaison décyle - décène décédé décélérateur décélération décéléromètre décélérostat - décérébration décérébré dédain dédale dédallage dédicace dédicant dédicataire - dédit déditice dédolomitisation dédommagement dédopage dédorage dédorure - dédotalisation dédouanage dédouanement dédoublage dédoublante dédoublement - dédoublure dédoublé dédramatisation déductibilité déduction déduit déesse - défaillance défaiseur défaite défaitisme défaitiste défalcation défanage - défargueur défatigant défaufilage défaunation défausse défaut défaute défaveur - défection défectivité défectologie défectologue défectoscope défectuosité - défendeur défenestration défense défenseur défensive déferlage déferlante - déferrage déferrailleur déferrement déferrisation déferrure défervescence - défeuillage défeuillaison défeutrage défeutreur défeutreuse défi défiance - défibreur défibrillateur défibrillation défibrination déficience déficient - défigeur défiguration défigurement défilade défilage défilement défileur - défilochage défilé défini définissabilité définissant définisseur définiteur - définition définitoire définitude défiscalisation défixion déflagrateur - déflation déflationnisme déflecteur déflectographe déflectomètre défleuraison - déflocage défloculant défloculation défloraison défloration défluent - défluviation défoliant défoliation défonce défoncement défonceuse - défonçage déforestage déforestation déformabilité déformage déformation - déformeur défouissage défoulage défoulement défouloir défournage défournement - défourneuse défoxage défragmentation défraiement défrancisation défrichage - défrichement défricheur défrisage défrisant défrisement défrisure - défronçage défroque défroqué défruitement défrustration défrénation défunt - défécation défécographie défédéralisation déféminisation déférence déférent - déférentite déférentographie dégagement dégagé dégainage dégaine dégainement - dégarnissage dégarnissement dégarnisseuse dégasolinage dégauchissage - dégauchisseuse dégaussement dégazage dégazeur dégazifiant dégazolinage - dégazonnement dégazonneuse dégel dégelée dégermage dégermeur dégermeuse - dégivrant dégivreur déglabation déglabration déglacement déglaciation - déglaçage déglaçonnement déglobulisation déglomération déglutination - déglycérination dégobillage dégoisement dégommage dégondage dégonflage - dégonflement dégonflé dégorgeage dégorgement dégorgeoir dégorgeur dégou - dégoudronneur dégoudronneuse dégoudronnoir dégoulinade dégoulinage - dégoupillage dégourdi dégourdissage dégourdissement dégourdisseur dégoût - dégoûtation dégoûté dégradateur dégradation dégradé dégrafage dégraissage - dégraissement dégraisseur dégraissoir dégrammaticalisation dégranulation - dégraphiteur dégrat dégravillonnage dégravoiement dégrenage dégression - dégriffe dégriffeur dégriffé dégrillage dégrilleur dégringolade dégrippant - dégrossage dégrossi dégrossissage dégrossissement dégrossisseur dégroupage - dégrèvement dégréage dégréement dégrénage dégu déguenillé déguerpissement - dégueulasserie déguisement déguisé dégustateur dégustation dégât dégénération - dégénéré déhalage déhanchement déhiscence déhouillement déhourdage déhydrase - déhydrocholestérol déhydrogénase déhydrorétinol déicide déicier déictique - déionisation déisme déiste déité déjantage déjaugeage déjaugement déjecteur - déjeuner déjour déjoutement déjudaïsation délabialisation délabrement - délai délainage délaineuse délaissement délaissé délaitage délaitement - délaminage délamination délaniérage délardement délardeuse délassement - délatif délation délavage délavement délayage délayeur délayé délectation - déleucocytation déliage déliaison déliaste délibératif délibération délibéré - délicatesse délice déliement délignage délignement déligneuse délignification - délimitation délimiteur délinquance délinquant délinéament délinéateur - déliquescence délirant délire délirium délirogène délissage délissoir délit - délitation délitement délitescence déliteur délivraison délivrance délivre - délié délocalisation délogement délot déloyauté déluge délusion délustrage - déluteur déluteuse délégant délégataire délégateur délégation délégué délétion - démagnétisation démagnétiseur démagogie démagogue démaigrissement démaillage - démanchage démanchement démanché démangeaison démanoquage démantoïde - démaoïsation démaquillage démaquillant démarcage démarcation démarchage - démarcheur démargarination démargination démariage démarieuse démarquage - démarquement démarqueur démarrage démarreur démarxisation démasclage - démasculinisation démasquage démasselottage démassification démasticage - dématérialisation démazoutage démaçonnage démembrement démence dément démenti - démerde démerdeur démesure démiellage démilitarisation déminage démineur - déminéralisation démission démissionnaire démiurge démiurgie démixtion démo - démobilisé démochrétien démocrate démocratie démocratisation démodexose - démodulation démodulomètre démodécidé démodécie démographe démographie - démolisseur démolition démon démoniaque démonisation démonisme démoniste - démonographie démonologie démonologue démonolâtrie démonomancie démonomanie - démonstrateur démonstratif démonstration démontage démonteur démontrabilité - démoralisateur démoralisation démorphinisation démosponge démoticisme - démotivation démotorisation démouchetage démoulage démoulant démouleur - démoustiquage démucilagination démultiplexage démultiplexeur démultiplicateur - démutisation démutualisation démystificateur démystification démythification - démâtage démâtement déméchage démédicalisation déménagement déménageur - démétallisation déméthanisation déméthaniseur déméthylation démêlage démêlant - démêleur démêloir démêlure démêlé dénasalisation dénatalité dénationalisation - dénaturant dénaturateur dénaturation dénazification déneigement dénervage - déni déniaisement déniaiseur dénichage dénichement dénicheur dénickelage - dénicotiniseur dénigrement dénigreur dénitrage dénitratation dénitration - dénitrification dénitrogénation dénivellation dénivellement dénivelé dénivelée - dénominateur dénominatif dénomination dénonciateur dénonciation dénotation - dénoueur dénoyage dénoyautage dénoyauteur dénoyauteuse dénoûment - dénudage dénudation dénuement dénutri dénutrition dénébulateur dénébulation - dénégateur dénégation déodorant déontologie déoxythymidine dépaillage - dépalettiseur dépalissage dépannage dépanneur dépanneuse dépanouillage - dépanouilleuse dépapillation dépaquetage déparaffinage déparasitage déparchage - déparchemineur déparcheur déparementage déparisianisation déparquement départ - département départementale départementalisation départementaliste départiteur - dépassant dépassement dépastillage dépastilleur dépavage dépaysement dépeceur - dépendage dépendance dépendeur dépense dépensier dépentanisateur - dépentaniseur déperditeur déperdition dépersonnalisation dépeuplement dépeçage - déphasement déphaseur déphlegmateur déphonation déphonologisation - dépiautage dépiautement dépicage dépigeonnage dépigeonnisation dépigmentation - dépilation dépilatoire dépilement dépiquage dépistage dépisteur dépit - dépitonneur déplacement déplacé déplafonnement déplaisir déplanification - déplantation déplantoir déplasmolyse dépli dépliage dépliant dépliement - déplissement déploiement déplombage déplombisme déploration déplâtrage - dépoilage dépointage dépolarisant dépolarisation dépolissage dépolissement - dépolluant dépollution dépolymérisation déponent dépontillage dépopulation - déportance déportation déportement déporté déposant dépose dépositaire - dépositoire dépossession dépotage dépotement dépotoir dépouillage dépouille - dépouillé dépoussiérage dépoussiérant dépoussiéreur dépoétisation dépravateur - dépravé dépressage dépresseur dépressif dépression dépressothérapie - déprimage déprimant déprime déprimé déprise déprivation déprogrammation - déprolétarisation dépropanisation dépropaniseur déprécation dépréciateur - dépréciation déprédateur déprédation dépsychiatrisation dépucelage dépulpage - dépulpeur dépuratif dépuration députation député dépècement dépécoration - dépérissement dépêche dépôt déqualification déracinage déracinement déraciné - déraillage déraillement dérailleur déraison déraisonnement déramage - dérangeur dérangé dérapage dérase dérasement dératisation dératiseur dératé - dérayeuse dérayure déremboursement dérencéphale déresponsabilisation - déridage dérision dérivabilité dérivable dérivatif dérivation dérive - dérivetage dérivette dériveur dérivoire dérivomètre dérivonnette dérivure - dérivée dérobade dérobement dérobeur dérochage dérochement dérocheuse - dérocteuse dérodyme dérogation dérogeance dérompeuse dérotation dérotomie - dérouillée déroulage déroulement dérouleur dérouleuse déroutage déroute - déruellage déruralisation dérussification dérèglement déréalisation - dérégulation déréliction dérépression désabonnement désaboutement désabusement - désaccentuation désaccord désaccouplement désaccoutumance désacidification - désacralisation désactivateur désactivation désadaptation désadapté - désaffection désaffiliation désafférentation désagatage désagencement - désagragation désagrègement désagrégateur désagrégation désagrément - désaisonnalisation désaisonnement désajustement désalcoylation désalignement - désaliénation désaliénisme désalkylation désallocation désaluminisation - désambiguïsation désamiantage désamidonnage désaminase désamination - désamorçage désamour désannexion désappointement désapprentissage - désapprovisionnement désargentage désargentation désargentement désargenteur - désarmement désaromatisation désarrimage désarroi désarrondissement - désarticulation désarçonnement désasphaltage désaspiration désassemblage - désassimilation désassortiment désastre désatellisation désatomisation - désaturation désaubage désaubiérage désavantage désaxation désaxement désaxé - désaérateur désaération désaéreuse déschistage déschisteur déschlammage - déscolarisation désectorisation désemballage désembattage désembourgeoisement - désembrochage désembrouillage désembrouilleur désembuage désemmanchement - désempesage désemphatisation désempilage désencadrement désencastage - désenchaînement désenclavement désenclenchement désencollage désencombrement - désencroûtement désencuivrage désendettement désenflement désenflure - désenfumage désengagement désengageur désengorgement désengourdissement - désenliasseuse désenrayage désenrayeur désenrobage désensablement désensachage - désensibilisant désensibilisateur désensibilisation désensimage - désentoilage désenvoûtement désenvoûteur désert déserteur désertification - désertisation désescalade désespoir désespérance désespéré désessenciation - déseuropéanisation désexcitation désexualisation déshabilitation déshabillage - déshabitude désherbage désherbant désheurement déshonneur déshonnêteté - déshuileur déshumanisation déshumidificateur déshumidification déshydrase - déshydratation déshydrateur déshydrateuse déshydrogénant déshydrogénase - déshydrohalogénation déshérence déshéritement déshérité désidéologisation - désidératif désignation désilage désileuse désilicatation désiliciage - désillusion désillusionnement désincarcération désincarnation désincitation - désincrustant désincrustation désindexation désindustrialisation désinence - désinfecteur désinfection désinfestation désinflation désinformateur - désinhibiteur désinhibition désinsectisation désinsertion désintermédiation - désintoxiquant désintrication désintégrateur désintégration désintéressement - désinvagination désinvestissement désinvestiture désinvolture désionisation - désirabilité désistement désobligeance désoblitération désobstruction - désobéissance désocialisation désodorisant désodorisation désodoriseur - désoeuvré désolation désolidarisation désolvatation désonglage désoperculateur - désorbitation désordre désorganisateur désorganisation désorientation - désossement désosseur désoufrage désoutillement désoxyadénosine - désoxycytidine désoxydant désoxydation désoxyguanosine désoxygénant - désoxyhémoglobine désoxymyoglobine désoxyribonucléase désoxyribonucléoprotéide - désoxyribose déspiralisation déspécialisation déssépiphysiodèse - déstalinisation déstockage déstructuration désucrage désucreur désulfitage - désulfuration désunion désurbanisation désurchauffe désurchauffeur désutilité - désynchronisation désyndicalisation désécaillage déségrégation désélectriseur - désémulsifiant désémulsificateur désémulsion désémulsionneur désépargne - déséquilibrage déséquilibration déséquilibre déséquilibré désétablissement - désétatisation déséthanisation déséthaniseur détachage détachant détachement - détaché détail détaillant détalonnage détannage détannisation détartrage - détartreur détatouage détaxation détaxe détectabilité détecteur détection - détectivité détectrice dételage dételeur détendeur détente détenteur - détention détenu détergence détergent déterminabilité déterminant déterminatif - déterminisation déterminisme déterministe déterminité déterminé déterpénation - déterrement déterreur déterritorialisation déterré détersif détersion - déthéiné déthésaurisation détimbrage détiquage détireuse détiré détissage - détonateur détonation détonique détordeuse détorsion détour détourage - détourneur détourné détoxication détoxification détracteur détraction - détraquement détraqué détrempe détresse détribalisation détricotage détriment - détrition détritique détritivore détritoir détroit détrompeur détroncation - détroussement détrousseur détrusor détrônement détubage détumescence - détérioré dévagination dévalaison dévaliseur dévaloir dévalorisation - dévasement dévastateur dévastation déveinard déveine développante - développement développeur développé développée déverbatif déverdissage - dévergondage dévergondé dévernissage déverrouillage déversage déversement - déversoir déversée dévertagoir dévestiture déviance déviant déviateur - déviationnisme déviationniste dévidage dévideur dévidoir déviomètre dévirage - dévirolage dévirure dévissage dévissé dévitalisation dévitrification - dévoiement dévoilement dévoisement dévoltage dévolteur dévolu dévolutaire - dévonien dévorant dévoration dévoreur dévot dévotion dévouement dévoyé - dévésiculage dévésiculeur dévêtement dévêtisseur dévî dézincage - dézingage déçu déélectronation dîme dîmeur dîmier dîmée dîner dînette dîneur - dînée dôme dômite dông dû eagle earl ebiara ecballium ecchondrome ecchondrose - ecchymose ecclésia ecclésiastique ecclésiologie eccéité ecdermatose ecdysone - ecdémite ecgonine echeveria ecmnésie ectasie ecthyma ecthèse ectinite - ectobie ectoblaste ectocardie ectocarpale ectocyste ectodermatose ectoderme - ectogenèse ectohormone ectomorphe ectomorphie ectomorphisme ectoméninge - ectopagie ectoparasite ectopie ectopiste ectoplacenta ectoplasme ectoplasmie - ectoprocte ectosome ectosympathose ectotrophe ectozoaire ectrochéirie - ectrodactylie ectrognathie ectrogénie ectromèle ectromélie ectropion - ectrourie ectype ecténie eczéma eczématide eczématisation eczématose edhémite - effacement effaceur effanage effaneuse effanure effarement effarouchement - effaçage effaçure effecteur effectif effectivité effectuabilité effectuation - effervescence effet effeuillage effeuillaison effeuillement effeuilleuse - efficience effigie effilage effilement effileur effilochage effiloche - effilocheur effilocheuse effilochure effiloché effiloqueur effilure effilé - effleurement effloraison efflorescence effluence effluent effluvation effluve - effondreur effort effraction effraie effrangement effritement effroi - effronté effrénement effusion effémination efféminement efrit eiconomètre - eicosanoïde eider eidochiroscopie eidétique eidétisme eisénie ekpwele - elbot eldorado elfe elginisme ellipométrie ellipse ellipsographe ellipsométrie - ellipticité elliptocyte elliptocytose ellobiidé ellsworthite ellébore - elpidite elvan elzévir emballage emballement emballeur emballonuridé - embarcation embardée embargo embarquement embarrure embase embasement - embattage embatteur embauchage embauche embaucheur embauchoir embaumement - embellie embellissement emberlificotage emberlificoteur embidonnage - embie embiellage embioptère embiotocidé emblavage emblave emblavement - emblème embobinage embole embolectomie embolie embolisation embolisme embolite - embolomère embolophasie embonpoint embossage embossure embouage emboucautage - embouche emboucheur embouchoir embouchure embouclement embouquement - embourgeoisement embourrure embout embouteillage embouteilleur embouti - emboutissage emboutisseur emboutisseuse emboutissoir emboîtage emboîtement - embranchement embrasement embrassade embrasse embrassement embrasseur embrassé - embrayage embrayeur embreyite embrigadement embrithopode embrocation - embrochement embronchement embrouillage embrouillamini embrouille - embroussaillement embrun embryocardie embryogenèse embryographie embryogénie - embryologiste embryologue embryome embryon embryopathie embryoscopie - embryotomie embryotoxon embryotrophe embrèvement embu embuscade embut embuvage - embêtement embêteur embûche emmagasinage emmagasinement emmaillement - emmaillotement emmanchement emmancheur emmanchure emmanché emmarchement - emmenthal emmerde emmerdement emmerdeur emmouflage emmouflement emmurement - emménagement emménagogue emmétrage emmétrope emmétropie emmêlement empaillage - empailleur empalement empalmage empan empannage empannon empanon empaquetage - empathie empattement empaumure empeignage empeigne empennage empenne - empennelle empenoir empercheur empereur empesage emphase emphatisation - emphytéose emphytéote empididé empierrage empierrement empilage empile - empileur empire empirie empiriocriticisme empiriocriticiste empiriomonisme - empirisme empiriste empiècement empiètement empiétement emplacement emplanture - emplette emplissage emploi employabilité employeur employé emplumement - empoignade empoigne empointure empoise empoisonnement empoisonneur - empommage emporium emport emportement empotage empotement empoutage empreinte - empressé emprise emprisonnement emprunt emprunteur emprésurage empuantissement - empyreume empyrée empyème empâtage empâtement empéripolèse empêchement - en-tête enarmonia encabanage encablure encadrant encadrement encadreur encadré - encageur encaissage encaisse encaissement encaisseur encamionnage - encan encanaillement encapsidation encapsulation encapuchonnement encaquement - encarrassage encarsia encart encartage encarteuse encartonnage encartouchage - encasernement encastage encastelure encasteur encastrement encaustiquage - encavage encavement encaveur enceinte encellulement encensement encenseur - encerclement enchantement enchanteur enchapage enchape enchaperonnement - enchatonnement enchaucenage enchaussage enchaussenage enchaînement enchaîné - enchevalement enchevauchure enchevillement enchevêtrement enchevêtrure - enchondromatose enchondrome enchythrée enchâssement enchâssure enchère - enchérisseur enclave enclavement enclavome enclenche enclenchement enclencheur - enclise enclitique encloisonnement enclosure enclouage enclouure enclume - encochage encoche encochement encodage encodeur encoignure encollage encolleur - encolure encombre encombrement encoprésie encoprétique encorbellement - encordement encornet encornure encoubert encouragement encrage encrassage - encratisme encre encrier encrine encroisage encroisement encrouage - encuivrage enculage enculeur enculé encuvage encuvement encyclique - encyclopédisme encyclopédiste encyrtidé encénie encépagement encéphalalgie - encéphaline encéphalisation encéphalite encéphalocèle encéphalogramme - encéphalomalacie encéphalome encéphalomyocardite encéphalomyopathie - encéphalomyélographie encéphalomyélopathie encéphalomégalie encéphalométrie - encéphalorragie encéphaloïde endamoebidé endartère endartériectomie - endartériose endartérite endaubage endaubeur endectomie endentement - endigage endiguement endimanchement endive endivisionnement endlichite - endoblaste endocarde endocardectomie endocardite endocarpe endocervicite - endocraniose endocrinide endocrinie endocrinologie endocrinologiste - endocrinopathie endocrinothérapie endocrâne endoctrinement endocurithérapie - endocyme endocymie endocymien endocyste endocytose endoderme endodonte - endodontie endofibrose endogame endogamie endognathie endographie endogène - endolymphe endolymphite endomitose endommagement endomorphie endomorphine - endomycose endomyocardiopathie endomyocardite endomyopéricardite endomètre - endométriose endométrioïde endométrite endonucléase endoparasite - endoperoxyde endophasie endophlébite endophtalmie endoplasme endoprothèse - endopélycoscopie endopéricardite endoradiothérapie endoreduplication endormeur - endorphine endoréisme endoröntgenthérapie endosalpingiose endoscope endoscopie - endosmose endosome endosonographie endosperme endossataire endossement - endossure endoste endosternite endostimuline endostose endostyle endothia - endothécium endothélialisation endothéliite endothéliomatose endothéliome - endothélite endothélium endotoxine endoveine endoveinite endraillage endrine - enduction enduisage enduiseur enduiseuse enduit endurance endurcissement - endymion endémicité endémie endémisme enfance enfant enfantement enfantillage - enfaîtement enfer enfermement enferrage enfeu enficelage enfichage enfilade - enfilement enfileur enfièvrement enfleurage enflure enfléchure enfoiré - enfonceur enfonçoir enfonçure enfossage enfouissement enfouisseur - enfourchure enfournage enfournement enfourneur enfourneuse enfrichement - enfumoir enfûtage enfûteur enfûteuse engageante engagement engagé engainement - engarde engargoussage engazonnement engeance engelure engendrement engendreur - engerbement engin engineering englaçage englaçonnement englobement - engluage engluement engobage engobe engommage engoncement engorgement - engouement engouffrement engoujure engoulevent engourdissement engrain - engraissement engraisseur engramme engrangement engrangeur engraulidé - engravé engrenage engreneur engreneuse engrenure engrossement engrènement - engrêlure engueulade engueulement enguichure enguirlandement enharmonie - enherbement enhydre enivrement enjambage enjambement enjambeur enjambée - enjolivement enjoliveur enjolivure enjonçage enjouement enjuponnage enjôlement - enkystement enképhaline enlacement enlaidissement enlarme enlaçage enlaçure - enlevure enlignement enlisement enluminage enlumineur enluminure enlève - enneigement enneigeur ennemi ennoblissement ennoblisseur ennoiement ennoyage - ennui ennéade ennéagone enoicycla enquiquinement enquiquineur enquête - enquêté enracinement enragé enraidissement enraiement enrayage enrayement - enrayoir enrayure enregistrement enregistreur enrichissement enrobage - enrobeuse enrobé enrochement enrouement enroulage enroulement enrouleur - enrouloir enrégimentement enrésinement enrênement enrôlement enrôleur enrôlé - ensachage ensacheur ensacheuse ensaisinement ensanglantement ensatine - enseigne enseignement enseigné ensellement ensellure ensemble ensemblier - ensemenceur enseuillement ensevelissement ensevelisseur ensi ensifère ensilage - ensimage ensimeuse ensoleillement ensommeillement ensorceleur ensorcellement - ensoufroir ensouillement ensouilleuse ensouplage ensouple ensoutané enstatite - entablement entablure entacage entage entaillage entaille entailloir entame - entamure entaquage entartrage entartrement entassement entasseur ente entelle - entendeur entendu entente enterobacter enterrage enterrement enterré enthalpie - enthousiaste enthymème enthésite enthésopathie entichement entier entiercement - entité entièreté entoconcha entoderme entodesma entodinium entoilage entoir - entomobryia entomocécidie entomogamie entomologie entomologiste entomophage - entomophilie entomostracé entoniscidé entonnage entonnaison entonnement - entoparasite entoprocte entorse entortillage entortillement entoscopie - entour entourage entourloupe entourloupette entournure entozoaire entracte - entrain entrait entrant entrave entravement entravon entraxe entraînement - entraîneuse entre-modillon entre-noeud entre-rail entrebâillement - entrechat entrechoquement entrecolonne entrecolonnement entrecoupe - entrecroisement entrecuisse entrecôte entrefaite entrefenêtre entrefer - entregent entreillage entrejambe entrelacement entremetteur entremise - entremêlement entrepont entreposage entreposeur entrepositaire entreprenant - entreprise entrepôt entresol entretaille entretaillure entreteneur entretenu - entretoile entretoise entretoisement entrevoie entrevue entrisme entriste - entropion entroque entrure entrée entubage enture entélodonte entélure - entélégyne enténébrement entéralgie entérectomie entérinement entérite - entérobactérie entérobiase entéroclyse entérococcie entérocolite entéroconiose - entérocystocèle entérocystoplastie entérocyte entérocèle entérogastrone - entérogone entérographe entérokinase entérokystome entérolithe entérologie - entéromorpha entéromucose entéromyxorrhée entéronévrose entéropathie - entéroplastie entéropneuste entéroptôse entérorectostomie entérorragie - entéroscopie entérospasme entérostomie entérosténose entérotome entérotomie - entérotoxémie entérotératome entérovaccin entérovirose entéroïde entêtement - entôlage entôleur envahissement envahisseur envalement envasement enveloppante - enveloppement enveloppé enveloppée envenimation envenimement envergure - enverrage enverrement envidage envidement envideur envie environnement - environnementaliste envoi envoilure envol envolement envolée envoyeur envoyé - envoûteur enwagonnage enwagonneuse enzootie enzyme enzymogramme enzymologie - enzymorachie enzymothérapie enzymurie eosuchien eothérien ephestia epsomite - erbine erbue erg ergasilidé ergastoplasme ergastulaire ergastule ergate - ergeron ergine ergocalciférol ergocratie ergodicité ergogramme ergographe - ergologie ergomètre ergométrie ergométrine ergone ergonome ergonomie - ergostane ergostérol ergot ergotage ergotamine ergoterie ergoteur - ergothérapie ergotine ergotisme eriocampa eriocheir erlenmeyer erminette - ermite erpétologie erpétologiste errance errante erre errement erreur erse - eryma erythroxylon erythréidé esbroufe esbroufeur esbrouffe esbrouffeur - escabèche escadre escadrille escadron escalade escaladeur escalator escale - escalier escaliéteur escalope escalopine escamotage escamoteur escapade escape - escarbot escarboucle escarcelle escargassage escargasse escargot escargotière - escarole escarpe escarpement escarpin escarpolette escarre escarrification - escavène eschare escharine escharre escharrification escharrotique - esche eschrichtiidé eschérichiose escine esclandre esclavage esclavagisme - esclave esclavon escobar escobard escobarderie escoffion escogriffe escolar - escompteur esconce escopetero escopette escorte escorteur escot escouade - escourgeon escrime escrimeur escroc escroquerie escudo esculape esculine - esgourde eskebornite eskimo eskolaïte eskuarien esmillage espace espacement - espada espadage espade espadon espadrille espagnol espagnolade espagnolette - espalet espalier espalme espar esparcet esparcette espargoute espart - espingole espion espionite espionnage espionnite espiègle espièglerie - espoir espole espolette espoleur espolin espolinage esponton espoule - espouleur espoulin espoulinage esprit esprot espèce espérance espérantisme - espéranto espérantophone espéronade esquarre esquichage esquiche esquif - esquillectomie esquimautage esquinancie esquinteur esquire esquisse esquive - essaim essaimage essangeage essanvage essanveuse essart essartage essartement - essayeur essayiste esse essence essencisme essente essentialisme essentialiste - essentiel esseulement esseulé essif essimplage essor essorage essoreuse - essouchage essouchement essoucheur essoufflement essuie essuie-glace - essuie-vitre essuyage essuyette essuyeur essénien essénisme esséniste - establishment estacade estachette estafette estafier estafilade estagnon - estamet estamette estaminet estampage estampe estampeur estampeuse estampie - estampille estampilleuse estancia estanfique estarie este ester esterellite - estheria esthiomène esthète esthérie esthésie esthésiogénie esthésiologie - esthésiométrie esthéticien esthétique esthétisme estimateur estimation estime - estivage estivant estivation estive estoc estocade estomac estompage estompe - estonien estoppel estouffade estrade estradiot estragale estragole estragon - estran estrapade estrildiné estrogène estrogénothérapie estrope estropié - estroïde estuaire esturgeon estérase estérification ethmocéphale ethmoïde - ethnarchie ethnarque ethnicisation ethnicité ethnie ethnique ethnobiologie - ethnobotaniste ethnocentrisme ethnocide ethnocrise ethnographe ethnographie - ethnolinguistique ethnologie ethnologue ethnomanie ethnomusicologie - ethnométhodologie ethnophysiologie ethnophysique ethnopsychiatrie - ethnozoologie ettringite euarthropode eubactériale eubactérie eubage eubéen - eucamptognathe eucaride eucaryote eucaïrite eucharistie eucheira euchite - euchroma euchromosome euchroïte eucinésie euclase euclidia eucnémididé - eucologe eucorticisme eucryptite eucère eudialyte eudidymite eudiomètre - eudiste eudorina eudorinidé eudoxie eudémonisme eudémoniste eugereon - euglosse euglypha euglène eugénate eugénie eugénique eugénisme eugéniste - eugénésie eulalia eulalie eulecanium eulima eulogie eulophidé eulytite - eumolpe eumycète eumèce eumène euménidé eunecte eunice eunuchisme eunuchoïde - eunuque eupareunie eupatoire eupatride eupelme eupepsie eupeptique euphausiacé - euphone euphonie euphorbe euphorbiacée euphorie euphorisant euphorisation - euphraise euphuisme euphuiste euphémisme euplecte euplectelle euploïde - euplère eupnée eupraxie euprocte eurafricain eurasien eurhodol euristique euro - euro-obligation eurobanque eurobanquier eurocommunisme eurocommuniste - eurodevise eurodollar eurodéputé eurofranc euromarché euromissile euromonnaie - europhile europhobe europhobie europine européanisation européanisme - européen européisme européiste européocentrisme euroscepticisme eurosceptique - eurovision eurrhypara euryale euryapsidé eurycanthe eurycea eurydème - euryhalinité eurylaime euryptéridé eurypygidé eurystome eurythermie eurythmie - eurythyrea eurytome euscara euscarien euskarien euskarologie euskarologue - euskérien eusomphalien eusporangiée eustache eustasie eustatisme - eustrongylose eustyle eusuchien eutectique eutectoïde euterpe eutexie - euthemisto euthymie euthymètre euthyne euthyroïdie euthyroïdisme euthyréose - euthyscopie euthérien eutocie eutonologie eutrophication eutrophie - eutychianisme euxinisme euxénite evetria evhémériste evzone ex-député - ex-mari ex-ministre ex-président exacerbation exacteur exaction exactitude - exagération exalgine exaltation exaltol exaltolide exaltone exalté examen - exanie exanthème exarchat exarchie exarque exarthrose exarticulation exascose - exaucement excardination excavateur excavation excavatrice excellence - excentrement excentricité excentrique exception excessif exciccose excimère - excise excision excitabilité excitant excitateur excitation excitatrice - excitotoxicité excitotoxine excitron excité exclamatif exclamation exclamative - exclu exclusif exclusion exclusive exclusivisme exclusiviste exclusivité - excommunié excoriation excoriose excroissance excrément excrémentation - excursion excursionniste excusabilité excuse excédent exechia exemplaire - exemplarité exemple exemplier exemplification exempt exemption exempté - exencéphalie exentération exercice exerciseur exercitant exergie exergue - exfoliation exhalaison exhalation exhaure exhaussement exhausteur exhaustion - exhibition exhibitionnisme exhibitionniste exhormone exhortation exhumation - exhérédation exhérédé exigence exigibilité exiguïté exil exilarchat exilarque - exine existence existentialisme existentialiste exo exoantigène exobase - exobiologie exobiologiste exocardie exocervicite exocet exocol exocrinopathie - exocuticule exocytose exode exodontie exogame exogamie exognathie exogyre - exomphale exomphalocèle exon exondation exondement exongulation exonération - exophtalmie exophtalmomètre exophtalmométrie exoplasme exoprosopa exorbitance - exorcisation exorciseur exorcisme exorcistat exorciste exorde exorécepteur - exoscopie exosmose exosoma exosphère exospore exosporée exosquelette exostemma - exosérose exothermicité exotisme exotoxine exotropie exotype exotérisme - expandeur expanseur expansibilité expansion expansionnisme expansionniste - expasse expatriation expatrié expectation expectative expectorant - expert expertise expiation expirateur expiration explant explication - exploit exploitabilité exploitant exploitation exploiteur exploité explorateur - exploratorium exploratrice exploseur explosibilité explosif explosimètre - explosion explosive explosophore explétif expo exponctuation exponentiation - export exportateur exportation exposant exposemètre exposimètre expositeur - exposé expression expressionnisme expressionniste expressivité expresso - exprimage expromission expropriant expropriateur expropriation exproprié - expulsé expurgation expédient expéditeur expédition expéditionnaire expérience - expérimentation exquisité exsanguination exsiccateur exstrophie exsudat - exsufflation extase extatique extendeur extenseur extensibilité extensimètre - extensionalité extensité extensivité extensomètre extensométrie exterminateur - externalisation externalité externat externe exterritorialité extincteur - extirpage extirpateur extirpation extispice extorqueur extorsion extrachaleur - extraction extracystite extradition extrafort extrait extralucide - extranéité extraordinaire extrapolation extraposition extrapéritonisation - extraterrestre extraterritorialité extravagance extravagant extravasation - extraversion extraverti extremum extroversion extroverti extrudabilité - extrudeuse extrusion extrémisation extrémisme extrémiste extrémité extrême - extumescence exténuation extérieur extérioration extériorisation extériorité - extéroceptivité extérorécepteur exubérance exulcération exultation exutoire - exuvie exèdre exécration exécutant exécuteur exécutif exécution exécutive - exégèse exégète exémie exérèse eyra fabianisme fabien fabisme fable fablier - fabricant fabricateur fabrication fabricien fabrique fabriste fabulateur - fabuliste fac fac-similé face facettage facette facho facilitation facilité - factage facteur factice facticité factif faction factionnaire factitif factor - factorerie factorielle factoring factorisation factotum factum facturage - facture facturette facturier facturière facule faculté facétie fada fadaise - fadeur fading fado faena faffe fafiot fagacée fagale fagne fagopyrisme fagot - fagoteur fagotier fagotin fagoue fahrenheit faiblage faiblard faible faiblesse - faille failli faillibilité faillite faim faine fainéant fainéantise - faisabilité faisan faisandage faisanderie faisane faiseur faisselle faisserie - faitout fakir fakirisme falagria falaise falanouc falarique falbala - falcinelle falciparum falcographie falconelle falconidé falconiforme - fale falerne fallah falle falot falourde falquet falsettiste falsifiabilité - falsification faluche falun falunage falunière falzar famatinite familiale - familiarisation familiarité familier familistère famille famine fan fana - fanaison fanatique fanatisme fanchon fandango fane faneur faneuse fanfan - fanfaron fanfaronnade fanfre fanfreluche fange fangothérapie fanion fannia - fantaisie fantaisiste fantascope fantasia fantasmagorie fantasme fantassin - fanton fantôme fanum fanure fanzine faon faquin faquir far farad faraday - faradisme farandole farandoleur faraud farce farceur farci farcin farcinose - fardage farde fardelage fardeleuse fardier fardée fare fareinisme fareiniste - farfelu farfouillage farfouillement farfouilleur faribole farigoule - farillon farinade farinage farine farinier farlouse farniente farnésien - faro farouch farouche farrago fart fartage fasce fascelline fascia - fasciathérapie fasciation fasciculation fascicule fasciite fascinage - fascination fascine fasciolaria fasciolariidé fasciolase fasciole fascisant - fascisme fasciste fashion fashionable fassaïte fasset fassi fast-food faste - faséole fat fatalisme fataliste fatalité fatigabilité fatigue fatma fatrasie - fauber faubert faubourg faubourien faucard faucardage faucardement faucardeur - fauchage fauchaison fauchard fauche fauchet fauchette faucheur faucheuse - fauchère fauché fauchée faucille faucillon faucon fauconnerie fauconnier - faucre faudage faufil faufilage faufilure faujasite faune faunique faunule - faussaire faussement fausset fausseté faustien faute fauteuil fauteur fautif - fauverie fauvette fauvisme faux-cul faux-foc faux-fuyant faux-marcher - faux-semblant favela faverole faveur favier favisme favori favorisé favorite - favosite fayalite fayard fayot fayotage fayottage fazenda fazendeiro façade - façonnage façonnement façonneur façonnier façonné façure faîne faîtage faîte - faïence faïencerie faïencier faïençage feco fedayin fedaî feddayin feedback - feeling feignant feignantise feinte feinteur feintise feldspath feldspathoïde - felfel fellaga fellagha fellah fellateur fellation felle fellinien felouque - felsobanyite feluca femelle femme femmelette femtoseconde fenaison fenchol - fenchène fendage fendant fendante fendard fenderie fendeur fendeuse - fendoir fendu fenestrage fenestration fenestrelle fenestron fenian fenil - fenouil fenouillet fenouillette fente fenton fenugrec fenêtrage fenêtre fer - ferblantier ferbérite fergusonite feria ferlage fermage fermaillet ferme - fermentaire fermentation fermentescibilité fermenteur fermette fermeture - fermeur fermi fermier fermion fermoir fermé ferrade ferrage ferraillage - ferraillement ferrailleur ferrallite ferrallitisation ferrandine ferrasse - ferrate ferratier ferrement ferret ferretier ferreur ferrichlorure - ferricyanure ferrimagnétisme ferrimolybdite ferrinatrite ferriporphyrine - ferrite ferritine ferritinémie ferro-alliage ferroalliage ferrobactériale - ferrocalcite ferrochrome ferrocyanogène ferrocyanure ferrocérium ferrofluide - ferromagnétisme ferromanganèse ferromolybdène ferronickel ferronnerie - ferronnière ferroprussiate ferropyrine ferrosilite ferrotitane ferrotungstène - ferrotypie ferroutage ferrovanadium ferroélectricité ferrugination - ferrure ferry-boat ferrédoxine ferréol fersmanite fertier fertilisant - fertilisation fertiliseur fertilisine fertilité ferté ferussacia fervanite - ferveur fescelle fesse fesselle fesseur fessier fessou fessée feste festin - festival festivalier festivité festoiement feston festonnement feudataire - feuil feuillage feuillagiste feuillaison feuillant feuillantine feuillard - feuilleret feuillet feuilletage feuilleton feuilletoniste feuillette feuilleté - feuillure feuillé feuillée feulement feutrage feutre feutrement feutreuse - feutrine feylinidé fiabilité fiacre fiamme fiancé fiancée fiasco fiasque - fibranne fibrate fibration fibre fibrerie fibrillation fibrille fibrillolyse - fibrinase fibrine fibrinoasthénie fibrinoformation fibrinogène fibrinogénolyse - fibrinogénémie fibrinogénérateur fibrinokinase fibrinolyse fibrinolysine - fibrinopathie fibrinopeptide fibrinopénie fibrinurie fibrinémie fibroadénome - fibroblastome fibroblastose fibrobronchoscopie fibrocartilage - fibrochondrome fibrociment fibrocoloscope fibrocoloscopie fibrocyte - fibroduodénoscopie fibroferrite fibrogastroscope fibrogastroscopie fibrogliome - fibrolipome fibrolite fibromatose fibrome fibromuqueuse fibromyome - fibromyxome fibrométrie fibronectine fibroplasie fibroréticulose fibrosarcome - fibroscopie fibrose fibrosigmoïdoscopie fibrosite fibrosolénome - fibroxanthome fibroïne fibula fibulation fibule fic ficaire ficelage ficeleuse - ficelle ficellerie fichage fiche fichet fichier fichoir fichu fiction ficuline - fidonie fiduciaire fiduciant fiducie fidèle fidéicommissaire fidéisme fidéiste - fidéjussion fidélisation fidéliste fidélité fiedlérite fief fiel fiente - fiertonneur fierté fiesta fifille fifre fifrelin figaro figeage figement - fignoleur figue figuerie figuier figuline figurant figuratif figuration figure - figurisme figuriste figuré fil filadière filage filagne filago filaire - filandière filandre filanzane filaria filariose filarioïdé filasse filateur - fildefériste file filellum filerie filet filetage fileterie fileteur fileteuse - fileté fileur fileuse filiale filialisation filiation filicale filicine - filiforage filigrane filin filipendule filistate filière filiériste fillasse - filler fillerisation fillette filleul film filmage filmographe filmographie - filmothèque filoche filocheur filoguidage filon filoselle filou filoutage - filtier filtrabilité filtrage filtrat filtration filtre filé filée fimbria - fin finage final finale finalisation finalisme finaliste finalité finance - financeur financier financière finasserie finasseur finassier finaud - fine finerie finesse finette fini finial finiglaciaire finiglaciel finissage - finisseur finisseuse finissure finition finitisme finitiste finitude - finn finnemanite finnique finniste finsenthérapie finte fiole fion fiord - fioriture fioul fioule firmament firman firme firmisterne firole firth fisc - fiscaliste fiscalité fish-eye fissibilité fissilité fission fissiparité - fissuration fissure fissurelle fissuromètre fiston fistot fistulaire fistule - fistulisation fistulogastrostomie fistulographie fistulotomie fiti fixage - fixatif fixation fixe fixe-bouchon fixe-fruit fixe-tube fixing fixisme fixiste - fixé fizelyite fièvre fiérot fjeld fjord flabellation flabelliforme - flaccidité flache flacherie flacon flaconnage flaconnerie flaconnette - flacourtia flafla flagellant flagellateur flagellation flagelle flagelline - flagellum flagellé flageolement flageolet flagornerie flagorneur flagrance - flaireur flamand flamandisation flamant flambage flambant flambard flambart - flambement flamberge flambeur flambeuse flamboiement flamboir flamboyance - flambé flambée flamenco flamiche flaminat flamine flamingant flamingantisme - flamique flammage flamme flammerole flammèche flammé flan flanc flanchage - flanche flancherie flanchet flanchière flanconade flandre flandricisme - flanelle flanellette flanquement flanqueur flapping flaque flash flashage - flashmètre flasque flatidé flatoïde flatterie flatteur flatulence flatuosité - flaveton flaveur flavine flavobactérium flavone flavonol flavonoïde - flavoprotéine flavopurpurine flegmatique flegmatisant flegmatisation flegme - flein flemmard flemmardise flemme flemmingite flet flettage flette fleur - fleuraison fleuret fleurette fleurettiste fleurine fleurissement fleuriste - fleurée fleuve flexagone flexaèdre flexibilisation flexibilité flexible - flexoforage flexographie flexomètre flexuosité flexure flibuste flibusterie - flic flicage flicaille flicaillon flingot flingue flingueur flinkite flint - flip flipot flipper flirt flirteur floc flocage floche flock-book flockage - floconnement floconneuse floculant floculateur floculation flondre flonflon - flop flopée floraison flore florence florencite florentin floriculteur - floridien floridée florilège florin floriste floristique flosculaire flot - flottage flottaison flottant flottard flottation flotte flottement flotteron - flottille flotté flou flouromètre flourométrie flouve fluage fluatation fluate - fluctuomètre flue fluellite fluide fluidifiant fluidification fluidique - fluidité fluo fluoaluminate fluoborate fluocarbonate fluocarbure fluochlorure - fluographie fluoniobate fluophosphate fluoplombate fluoramine fluoranthène - fluorescence fluorescéine fluorhydrate fluorhydrine fluoride fluorimètre - fluorine fluorique fluorite fluorobenzène fluorocarbure fluorochrome - fluorométrie fluorophotométrie fluoroscopie fluorose fluoroéthanol - fluorure fluorène fluorénone fluorénylacétamide fluosel fluosilicate - fluostannite fluotantalate fluotitanate fluotournage fluozirconate flustre - flutter fluttering fluviale fluviographe fluviomètre fluxage fluxion fluxmètre - flâne flânerie flâneur flèche fléchage fléchette fléchissement fléchisseur - flémard flénu fléole flétan flétrissement flétrissure flûte flûtiste foal foc - focalisation focimètre focomètre focométrie focquier foehn foetalisation - foeticulture foetographie foetologie foetopathie foetoscope foetoscopie - foi foie foin foirade foirage foirail foiral foire foirolle foison - foissier foissière fol folasse folate folatémie foldingue foliarisation - folichonnerie folie folio foliole foliot foliotage foliotation folioteur - folk folkeur folklore folklorisme folkloriste folksong folle folletage - folliculaire follicule folliculine folliculinurie folliculinémie folliculite - folliculostimuline folâtrerie fomentateur fomentation fomenteur foncet fonceur - foncier foncteur fonction fonctionnaire fonctionnalisation fonctionnalisme - fonctionnalité fonctionnariat fonctionnarisation fonctionnarisme fonctionnelle - foncée fond fondamentalisme fondamentaliste fondant fondateur fondation - fondement fonderie fondeur fondeuse fondoir fondouk fondrière fondu fondue - fongibilité fongicide fongistatique fongosité fontaine fontainier fontanelle - fonte fontenier fontine fonçage fonçaille foot football footballer footballeur - forabilité forage forain foramen foraminifère foration forban forbannissement - forcement forcené forcerie forceur forcine forcing forcipomyia forcipressure - forcé fordisme forerie forestage foresterie forestier foret foreur foreuse - forfaitage forfaitarisation forfaiteur forfaitisation forfaitiste forfaiture - forficule forficulidé forge forgeabilité forgeage forgeron forgeur forint - forjeture forlane formage formal formaldéhyde formalisation formalisme - formalité formamide formanilide formant formariage format formatage formateur - forme formeret formerie formeur formiamide formianilide formiate formica - formicariidé formication formicidé formier formillon formiminoglutamate - formol formolage formophénolique formosan formulaire formulation formule - formylation formyle formène fornicateur fornication forpaisson forskalia - forsythia fort fortage forteresse fortiche fortifiant fortificateur - fortin fortissimo fortraiture fortran fortuitisme fortune forum forure forçage - forézien forêt fossa fossane fosse fosserage fossette fossile fossilisation - fossoyage fossoyeur fossoyeuse fossé fosterage fou fouace fouacier fouage - fouasse foucade fouche foudi foudre foudrier foudroiement foudroyage - fouet fouettage fouettard fouette-queue fouettement fouetteur fouetté foufou - fougasse fouge fougeraie fougerole fougue fougère fouillage fouille fouilleur - fouillot fouillure fouinard fouine fouineur fouissage fouisseur foulage - foulardage foule foulement foulerie fouleur fouleuse fouloir foulon foulonnage - foulque foultitude foulure foulée fouquet four fourbe fourberie fourbi - fourbissement fourbisseur fourbure fourcat fourche fourchet fourchette - fourchetée fourchon fourchée fourgon fourgonnette fourgue fouriérisme - fourmariérite fourme fourmi fourmilier fourmilion fourmilière fourmillement - fournaise fournelage fournette fournier fournil fourniment fournissement - fourniture fournée fourquet fourrage fourrageur fourragère fourre fourreur - fourrière fourrure fourré fourrée fourvoiement foutaise foutelaie fouteur - foutou foutraque foutre foutriquet fouée fouëne fovea fovéa fovéole fowlérite - foyaïte foyer foyère foène foéneur foëne foëneur frac fracassement fractal - fractile fraction fractionnateur fractionnement fractionnisme fractionniste - fracturation fracture fragilisation fragilité fragment fragmentation fragon - frai frairie fraisage fraise fraiseraie fraisette fraiseur fraiseuse fraisier - fraisière fraisiériste fraisoir fraissine fraisure framboesia framboeside - framboise framboiseraie framboisier framboisière framboisé framycétine framée - franc-maçonnerie franchisage franchise franchiseur franchising franchissement - franchouillard francien francisant francisation franciscain franciscanisant - francisme francisque franciste francité franckéite franco-américain francolin - franconien francophile francophilie francophobe francophobie francophone - frange frangin frangipane frangipanier franguline franklinisation franklinisme - franquisme franquiste fransquillon frappage frappe frappement frappeur frappé - frase frasil frasque fraternisation fraternité fraticelle fratricide fratrie - fraudeur fraxine fraxinelle fraxétine frayage frayement frayeur frayoir - frayère frayé frayée fraîcheur fraîchin freak fredaine fredon fredonnement - freesoiler freezer freibergite freieslébénite frein freinage freineur freinte - frelon freluche freluquet fresque fresquiste fresson fressure frestel fret - fretin frettage frette fretté freudien freudisme friabilité friand friandise - fric fricassée fricative friche frichti fricot fricotage fricoteur friction - fridolin friedeline friedélite frigidaire frigidarium frigide frigidité frigo - frigorifique frigorifère frigorigène frigorimètre frigoriste frigothérapie - frileuse frilosité frime frimeur frimousse fringale fringillidé fringue - fripe friperie fripier fripon friponnerie fripouille fripouillerie friquet - frise frisette friseur frisolée frison frisonne frisquette frisson - frisure frisé frisée frite friterie friteur friteuse fritillaire fritillaria - frittage fritte friture frivolité froc frocard froid froideur froidure - froissage froissement froissure fromage fromageon fromager fromagerie fromegi - fromentage fromentée frometon fromgi fromton fronce froncement froncillé - froncé frondaison fronde frondescence frondeur frondipore front frontal - frontalier frontalité frontignan frontisme frontispice frontiste frontière - frontogenèse frontologie frontolyse fronton frottage frotte frottement - frottoir frotture frottée froufrou froufroutement froussard frousse - fructose fructosurie fructosémie fructuaire frugalité frugivore fruit - fruiterie fruiticulteur fruitier fruitière frumentaire frusque frustration - frustule fruticée frère frégatage frégate frégaton frémissement frénésie fréon - fréquencemètre fréquentatif fréquentation frérage frérot fréteur frétillement - frêne frôlement frôleur fröbélien fucacée fucale fucellia fuchsia fuchsine - fucose fucosidase fucosidose fucoxanthine fucoïde fuel fuero fugacité fugitif - fugueur fuie fuite fulcre fulgore fulgoridé fulgurance fulguration fulgurite - fuliginosité fuligule full fullerène fulmar fulmicoton fulminate fulminaterie - fulverin fulvène fumade fumage fumagine fumaison fumarate fumariacée fumature - fumerolle fumeron fumet fumeterre fumette fumeur fumeuse fumier fumigant - fumigation fumigatoire fumigène fumimètre fumiste fumisterie fumivore - fumière fumoir fumure fumé fumée funambule funambulisme fundoplication - fundusectomie fune fungia funiculaire funiculalgie funicule funiculine - funin funk funérarium furanne furannose furcocercaire furet furetage fureteur - furfur furfural furfuraldéhyde furfurane furfurol furfurylamine furfuryle - furia furie furiptéridé furière furnariidé furochromone furocoumarine furole - furonculose furosémide furtivité furyle fusain fusainiste fusant fusariose - fuscine fusel fuselage fuselé fusette fusibilité fusible fusil fusilier - fusilleur fusiniste fusiomètre fusion fusionnement fuso-spirillaire - fusospirochétose fustanelle fustet fustier fustigation fusule fusuline - fusulunidé fusée fuséen fuséologie fuséologue futaie futaille futaine - futal futilisation futilité futon futur futurisme futuriste futurition - futurologue futé futée fuvelle fuvélien fuyant fuyante fuyard fuye fuégien - fâcherie fève féauté fébricule fébrifuge fébrilité fébronianisme fébronien - fécalurie féchelle fécondabilité fécondance fécondateur fécondation fécondité - fécule féculence féculent féculerie féculier fédéralisation fédéralisme - fédérateur fédération fédéré fée féerie félibre félibrige félicie félicité - félin félinité félon félonie fémelot féminin féminisation féminisme féministe - fémur fénite fénitisation fénofibrate féodalisation féodalisme féodalité féra - féria férie féringien férocité féronie féroïen férule fétiche féticheur - fétichisme fétichiste fétidité fétu fétuine fétuque féverole févier févillée - fêle fêlure fêlé fêtard fête föhn fût fûtage fûterie fûtier führer fülöppite - gabardine gabare gabaret gabariage gabarier gabarit gabarre gabarrier gabbro - gabelage gabeleur gabelier gabelle gabelou gabie gabier gabion gabionnage - gable gachier gachupin gade gadget gadgétisation gadicule gadidé gadiforme - gadoline gadolinite gadoue gadouille gaffe gaffeur gag gaga gage gageur - gagiste gagnage gagnant gagne-denier gagneur gagneuse gahnite gaieté gaillard - gaillardie gaillardise gaillet gailleterie gailletin gaillette gain gainage - gainerie gainier gaize gal gala galactagogue galactane galactitol galactocèle - galactographie galactogène galactomètre galactopexie galactophorite - galactophoromastite galactopoïèse galactorrhée galactosaminidase galactose - galactosurie galactosémie galago galalithe galandage galanga galant galanterie - galantine galapiat galate galathée galathéidé galathéoïde galatée galaxie - galaxite galbage galbe galbord galbule galbulidé gale galerie galeriste - galeron galet galetage galette galettière galgal galhauban galibot galicien - galilée galiléen galimafrée galion galiote galipette galipot gallacétophénone - gallate galle gallican gallicanisme gallicisme gallicole galliforme gallinacé - gallinole gallinsecte gallite gallo gallocyanine galloflavine galloisant - gallon gallup gallylanilide galléine gallérie galoche galocherie galochier - galonnage galonnier galonné galop galopade galope galopeur galopin galoubet - galure galurin galvanisateur galvanisation galvaniseur galvanisme galvano - galvanocautère galvanocautérisation galvanomètre galvanoplaste galvanoplastie - galvanoscope galvanostégie galvanotaxie galvanothérapie galvanotropisme - galvanotypie galvardine galvaudage galène galère galéa galéace galéasse galée - galéiforme galéjade galéjeur galénisme galéniste galénobismuthite galéode - galéopithèque galérien galériste galérite galérucelle galéruciné galéruque - gamase gamay gamba gambade gambe gamberge gambette gambien gambier gambille - gambir gambison gambit gambra gambusie gamelan gamelle gamet gamin gaminerie - gammaglobuline gammagraphie gammapathie gammaphlébographie gammare gammaride - gammatomographie gamme gamone gamonte gamophobie gamopétale gamopétalie - gampsodactylie gamète gamétangie gaméticide gamétocyte gamétogenèse - ganache ganacherie ganaderia ganadero gandin gandoura gandourah gang ganga - gangliectomie gangliogliome ganglioglioneurome gangliome ganglion - ganglioneuroblastome ganglioneuromatose ganglioneurome ganglionite - ganglioside gangliosidose gangosa gangrène gangster gangstérisation - gangue gangui ganomalite ganophyllite ganote ganoïde ganoïne gansage ganse - gant gantelet ganteline gantelée ganterie gantier gantière ganymède gaon gap - garage garagiste garance garancerie garanceur garancière garant garanti - garantique garançage garbure garce garcette garde garde-cuisse garde-côte - garde-main garde-manche garde-meuble garde-robe garderie gardeur gardian - gardiennage gardiennat gardine gardon gardonnade gardénal gardénia gare - gargamelle gargantua gargare gargarisme gargasien gargot gargote gargotier - gargouille gargouillement gargoulette gargousse gargousserie gargoussier - garibaldi garibaldien garide garingal garnache garnement garnetteuse garni - garnissage garnisseur garnisseuse garniture garniérite garou garra garrigue - garrottage garrotte garzette garçon garçonne garçonnet garçonnière gascardia - gasconisme gasconnade gasconnisme gasoil gasoline gaspacho gaspi gaspillage - gaspésien gassendisme gassendiste gassérectomie gasteruption gastralgie - gastrectomie gastrectomisé gastrine gastrinome gastrinose gastrinémie gastrite - gastro-duodénostomie gastro-pylorospasme gastrobactérioscopie gastrobiopsie - gastrocolite gastrocoloptose gastrocèle gastroduodénectomie gastroduodénite - gastrodynie gastrofibroscope gastrofibroscopie gastroidea gastrojéjunostomie - gastromancie gastromycète gastromyxorrhée gastromèle gastromélie gastronome - gastropacha gastroparésie gastropathie gastropexie gastrophile gastroplastie - gastropode gastropylorectomie gastropylorospame gastrorragie gastrorraphie - gastroscope gastroscopie gastrostomie gastrosuccorrhée gastrothèque - gastrotonométrie gastrotriche gastrovolumétrie gastrozoïde gastrula - gastéromycète gastérophile gastéropode gastérostéidé gastérostéiforme - gate gatte gattilier gauche gaucher gaucherie gauchisant gauchisme - gauchiste gaucho gaude gaudriole gaufrage gaufre gaufrette gaufreur gaufreuse - gaufroir gaufrure gaufré gaulage gaule gauleiter gaullisme gaulliste gauloise - gaultheria gaulthérase gaulthérie gaulthérine gaulée gaupe gauphre gaur gaura - gavache gavage gavaron gavassine gavassinière gave gaveur gaveuse gavial - gaviidé gaviiforme gavot gavotte gavroche gay gayac gayacol gayal gayette - gazage gaze gazelle gazetier gazette gazeur gazi gazier gazinière gaziste - gazogène gazole gazoline gazomètre gazométrie gazon gazonnage gazonnement - gazé gazéificateur gazéification gaîté gaïac gaïacol gaïazulène gaïol geai - geckonidé gehlénite geignard geignement geikielite geindre geisha gel gelding - gelinotte gelure gelée gemmage gemmation gemme gemmeur gemmiparité gemmiste - gemmologiste gemmologue gemmothérapie gemmule gempylidé gemsbok gencive - gendarmerie gendelettre gendre genet genette genièvre genièvrerie genouillère - gent gentamicine gentamycine gentiamarine gentiane gentianose gentil - gentilhommière gentilice gentilité gentillesse gentiobiose gentiopicrine - gentisate gentiséine genu genèse genépi genévrier genévrière genêt genêtière - georgiadésite gerbage gerbe gerbera gerberie gerbeur gerbeuse gerbier gerbille - gerbillon gerbière gerboise gerbée gerce gercement gerfaut gerle germain - germandrée germane germanifluorure germanique germanisant germanisation - germaniste germanite germanophile germanophilie germanophobe germanophobie - germe germen germinateur germination germinome germoir germon germoplasme - gerrhosauriné gersdorffite gerçure gesse gestalt gestaltisme gestaltiste - gestante gestateur gestation geste gesticulation gestion gestionnaire gestose - gestuelle getchellite getter geyser geysérite geôle geôlier ghanéen ghesha - ghettoïsation ghilde ghorkhur gi giaour giardia giardiase gibbium gibbon - gibbsite gibbule gibbérelline gibecière gibelet gibelin gibelinisme gibelotte - gibet gibier giboulée giclement gicleur giclée gifle gigabit gigacycle - gigaflop gigantisme gigantoblaste gigantocyte gigantomachie gigantopithèque - giganturiforme gigaoctet gigaohm gigapascal gigatonne gigaélectronvolt gigogne - gigot gigotement gigoteuse gigue gilde gilet giletier giletière gille gillie - gin gin-tonic gindre gingembre ginger-beer gingivectomie gingivite - gingivorragie gingivostomatite ginglard ginglet ginglyme ginkgo ginkgoacée - ginkgophyllum ginnerie ginseng giobertite giottesque gir girafe giraffidé - girandole girasol giration giraudia giraumon giraumont giraviation giravion - girellier girie girl girl-scout girodyne girofle giroflier giroflée girolle - girondin gironné girouette gisant giscardien giselle gisement gisoir gitan - gitomètre giton givrage givre givrure givrée glabelle glace glacerie glaceur - glaciairiste glaciation glaciellisation glacier glaciogenèse glaciologie - glacière glaciériste glacé gladiateur gladite glafénine glageon glairage - glairure glaise glaisière glaive glanage gland glandage glande glandeur - glandouilleur glandule glandée glane glanement glaneur glanure glapissement - glasérite glatissement glaubérite glaucochroïte glaucodot glaucome glauconia - glauconite glaucophane glaucophanite glaucurie glaviot glaçage glaçon glaçure - gleditschia gley gleyification glie glioblastome glioblastose gliocinèse - gliomatose gliome gliosarcome gliosclérie gliosclérèse gliose glire gliridé - glischroïdie glissade glissage glissance glissando glissante glisse glissement - glissière glissoir glissoire glissé globalisation globalisme globaliste - globba globe globicéphale globidiose globie globigérine globine globoïde - globule globulie globulin globuline globulinurie globulinémie globulisation - glockenspiel gloire glome glomectomie glomérule glomérulite glomérulohyalinose - glomérulopathie glomérulosclérose glomérulose glomérulostase glomérulée - glorificateur glorification gloriole glose glossaire glossalgie glossateur - glossine glossite glossocèle glossodynie glossolalie glossomanie glossophage - glossoplégie glossoptose glossosiphonie glossotomie glottale glottalisation - glotte glottite glottochronologie glottogramme glottographie glouglou - glouteron glouton gloutonnerie glu glucagon glucagonome glucide glucidogramme - glucinium glucoamylase glucocorticostéroïde glucocorticoïde glucoformateur - glucomètre gluconate gluconéogenèse glucoprotéide glucoprotéine - glucopyrannose glucosamine glucosaminide glucosanne glucose glucoserie - glucoside glucosinolate glucosurie glume glumelle gluon glutamate glutamine - glutathion glutathionémie glutathiémie gluten glutinine glybutamide glycide - glycine glycinose glycinurie glycocolle glycocorticostéroïde glycocorticoïde - glycogène glycogénase glycogénie glycogénogenèse glycogénolyse glycogénopexie - glycogénésie glycol glycolate glycolipide glycolysation glycolyse glycomètre - glyconéogenèse glycopeptide glycopexie glycopleurie glycoprotéide - glycorachie glycorégulation glycosaminoglycane glycoside glycosphingoside - glycosurie glycosurique glycosylation glycuroconjugaison glycuronidase - glycylglycine glycyphage glycère glycémie glycéraldéhyde glycérate glycéride - glycérie glycérine glycéro-phospho-amino-lipide glycérocolle glycérol - glycérophosphate glycérose glycéré glyoxal glyoxaline glyoxime glyoxylase - glyphaea glyphe glyphéide glyptal glypte glyptique glyptodon glyptodonte - glyptologie glyptothèque glèbe glène gléchome glécome glénoïde glénoïdite - gnaf gnangnan gnaphose gnard gnathia gnathobdelle gnathocère gnathologie - gnathostome gnathostomose gnathostomulien gnaule gnetum gniaf gniaffe - gniard gniole gnocchi gnognote gnognotte gnole gnome gnomon gnomonique - gnon gnorime gnose gnosie gnosticisme gnostique gnoséologie gnotobiotique gnou - gnôle goal gobage gobe gobelet gobeleterie gobeletier gobelin goberge gobetage - gobie gobiidé gobille gobioïde gobiésocidé godage godaille godasse godassier - godemiché godet godeur godiche godichon godille godilleur godillot godron - godronnoir goethite goglu gogo goguenardise goguette goinfre goinfrerie goitre - goleador golem golf golfe golfeur golfier goliard goliath golmote golmotte - gomariste gombo gomina gommage gomme gommette gommeur gommeuse gommier gommose - gomphocère gomphothérium goménol gon gonade gonadoblastome gonadocrinine - gonadoréline gonadostimuline gonadotrophine gonadotrophinurie gonadotropin - gonarthrie gonarthrite gonarthrose gond gondolage gondole gondolement - gone gonelle gonfalon gonfalonier gonfanon gonfanonier gonflage gonflant - gonflement gonfleur gong gongora gongorisme gongoriste gongylonémiase - goniatite gonidie gonie gonimie goniocote goniodysgénésie goniographe - goniome goniomètre goniométrie gonion goniophotocoagulation gonioplastie - gonioscopie goniosynéchie goniotomie gonnelle gonochorie gonochorisme - gonococcémie gonocoque gonocyte gonocytome gonolek gonométrie gonophore - gonorrhée gonoréaction gonosome gonozoïde gonze gonzesse gopak goral gorbuscha - gord gordiacé gordien gordon gordonite gorellerie goret gorfou gorge - gorgeon gorgeret gorgerette gorgerin gorget gorgière gorgonaire gorgone - gorgonocéphalidé gorgonopsien gorgonzola gorgère gorgée gorille gortyne - gosier goslarite gospel gosse gossyparie gotha gothique gotique goton gouache - gouaillerie goualante goualeur gouanie gouape gouapeur gouda goudron - goudronnerie goudronneur goudronneuse goudronnier gouet gouffre gouge gougeage - gougette gougeur gougeuse gougnafier gougère gouille gouine goujat goujaterie - goujonnage goujonnette goujonnier goujonnière goujonnoir goujure goulache - goulag goulasch goulash goule goulet goulette goulot goulotte goulu goulée - goumier goundi goundou goupil goupillage goupille goupillon goupineur gour - gourami gourance gourante gourbi gourd gourde gourderie gourdin gourgandine - gourmand gourmandise gourme gourmet gourmette gournable gourou gouspin - gousse gousset goutte gouttelette gouttière gouvernail gouvernance gouvernant - gouverne gouvernement gouvernementalisme gouvernementaliste gouverneur - goyave goyavier goyazite goéland goélette goémon goémonier goétie goï goût - goûteur grabat grabataire grabatisation graben grabuge gracieuseté gracilaire - gracilisation gracilité gracioso gradateur gradation grade grader gradient - gradinage gradine gradualisme gradualiste graduat graduateur graduation - gradueur gradé graellsia graff graffeur graffitage graffiteur graffiti - grahamite graille graillement graillon grain grainage graine graineterie - graineur grainier graissage graisse graisseur graissoir gralline gramen - graminacée graminée grammaire grammairien grammaticalisation grammaticalité - grammatologie gramme grammoptère gramophone granatinine grand grand-maman - grand-mère grand-tante grandesse grandeur grandgousier grandiloquence - grandvallier grange granger grangier grangée granit granite granitier - granité granoclassement granodiorite granophyre grantia granularité granulat - granulation granulatoire granule granulie granulite granuloblastome - granulocyte granulocytoclasie granulocytopoïèse granulocytopénie - granulogramme granuloma granulomatose granulome granulométrie granulopoïèse - granulosarcomatose granulé grapefruit grapette graphe grapheur graphicien - graphique graphisme graphiste graphitage graphite graphitisation graphitose - grapholithe graphologie graphologue graphomanie graphomotricité graphomyia - graphométrie graphophobie graphorrhée graphosphère graphothérapeute - graphème grappe grappette grappier grappillage grappilleur grappillon grappin - grapsidé graptolite grasserie grasset grasseyement grateron graticulage - graticule gratification gratin gratiné gratinée gratiole gratitude grattage - gratte-bosse gratte-cul grattebossage grattelle grattement gratteron gratteur - gratton grattonnage grattouillement gratture gratuité gravatier grave gravelet - graveline gravelle gravelot gravelure gravelée gravenche gravette gravettien - gravicepteur gravidisme gravidité gravier gravillon gravillonnage - gravillonneuse gravillonnière gravimètre gravimétrie gravisphère gravitation - gravité gravière gravoir gravoire gravurage gravure gravureur gravureuse gray - grec grecquage grecque gredin gredinerie green greenockite greffage greffe - greffier greffographie greffoir greffon greffé greisen grelette grelin grelot - grelottière greluche greluchon grenache grenadage grenade grenadeur grenadier - grenadin grenadine grenadière grenage grenaillage grenaille grenaillement - grenaison grenat grenatite grenetier greneur grenier grenoir grenouillage - grenouillette grenouilleur grenouillère grenu grenure gressier gressin grevé - gribouillage gribouille gribouilleur gribouri grief griffade griffage griffe - griffeur griffon griffonnage griffonnement griffonneur griffure grifton grigne - grignotage grignotement grignoteur grignoteuse grigou grigri gril grill - grilladerie grillage grillageur grillardin grille grilleur grilleuse grilloir - grimace grimage grimaud grime grimoire grimpant grimper grimpette grimpeur - grincement grinde gringalet gringo gringue griot griotte griottier griphite - grippe grippement grippé grisage grisaille grisailleur grisard grisbi griserie - grisette grisollement grison grisonnement grisotte grisou grisoumètre - grisouscope grisouscopie grisé grisée griséofulvine grive grivelage griveleur - griveton grivna grivoise grivoiserie grivèlerie grizzli grizzly groenendael - grognard grognasse grogne grognement grognerie grogneur grognon groie groin - grole grolle gromie grommellement grondement gronderie grondin groom - gros-porteur gros-pêne gros-ventre groschen groseille groseillier grosse - grossesse grosseur grossissage grossissement grossiste grossium grossièreté - grotesque grotte grouillement grouillot ground group groupage groupe - groupeur groupie groupiste groupuscularisation groupuscule grouse grue gruerie - grugeoir gruiforme grume grumelure grumier grundtvigianisme grunion gruon - grutum gruyer gruyère gryllidé grylloblattidé gryphée gryphéidé grâce grèbe - grènetoir grèneture grève gréage grébiche grébifoulque grébige grécité - gréeur grégarine grégarisme grégorien grémil grémille grénétine grésage - gréseur grésil grésillement grésillon grésière grésoir gréviste grêle grêlier - grünlingite grünérite guacharo guadeloupéen guaiacol guaiazulène guaiol - guanidine guanidinium guanidinurie guanidinémie guanine guanite guano - guanylguanidine guarani guaranine guatemaltèque guatémaltèque guelfe guelfisme - guenille guenon guerenouk guerre guerrier guesdisme guesdiste guet guette - gueulante gueulard gueule gueulement gueuleton gueulette gueuloir gueuse - gueusette gueuze gugusse gui guib guibole guibolle guibre guiche guichet - guidage guidance guide guide-greffe guide-lime guide-âne guiderope guidon - guignard guigne guignette guignier guignol guignolade guignolet guignon guilde - guildite guiledin guillaume guilledin guillemet guillemot guilleri guillochage - guillocheur guillochure guilloché guilloire guillon guillotine guillotineur - guimauve guimbarde guimpe guimperie guimpier guinche guincheur guindage - guinde guinderesse guinette guinguette guinée guinéen guipage guiperie guipier - guipon guipure guipé guirlandage guirlande guisarme guisarmier guitare - guiterne guitoune guivre gujarati gulden gulose gummite gundi gunitage gunite - guppy guru gusse gustation gustométrie guttifère guttiférale gutturale - gutuater guyot guzla guèbre guède guète gué guéguerre guépard guéret guéridon - guérillero guérinie guérison guérisseur guérite guéréza guévariste guêpe - guêpière guêtre guêtrier guêtron gym gymkhana gymnamoebien gymnarche gymnarque - gymnasiarque gymnasiarquie gymnaste gymnastique gymnique gymnoblastide - gymnocérate gymnodactyle gymnodinidé gymnodinium gymnolème gymnolémate - gymnopleure gymnorhine gymnosome gymnosophie gymnosophisme gymnosophiste - gymnospermie gymnostome gymnote gymnure gymnétron gynandre gynandrie - gynandromorphisme gynandroïde gynanthropie gynatrésie gynogamone gynogenèse - gynomérogonie gynotermone gynoïdisme gynécographie gynécologie gynécologiste - gynécomaste gynécomastie gynéconome gynécophobie gynécée gynéphobie gynérium - gypsage gypse gypserie gypsomètre gypsophile gypsotomie gyr gyrateur gyrin - gyrobroyeur gyrocotyle gyrodactyle gyrolaser gyrolite gyromitre gyromètre - gyrophare gyropilote gyroscope gyrostabilisateur gyrostat gyrotrain gyrovague - gâchage gâche gâchette gâcheur gâchée gâte-papier gâterie gâtine gâtisme gène - géante géaster gébie gécarcinidé gédanite gédrite gégène géhenne gélada - gélatine gélatinisant gélatinisation gélatinographie gélifiant gélificateur - gélifieuse gélifié gélifraction gélignite gélinotte gélistructure - gélivation gélivité gélivure gélolevure gélose gélule géléchie gématrie - gémelliparité gémellité gémination géminée gémissement génalcaloïde génialité - génine génioplastie génisse génisson génistéine génitalité géniteur génitif - génocide génodermatologie génodermatose génodysplasie génodystrophie génoise - génoneurodermatose génopathie génope génoplastie génotype génovéfain - génuflexion généalogie généalogiste génépi généralat générale généralisabilité - généralissime généraliste généralité générateur génération générativisme - génératrice généricité générique générosité génésérine généticien génétique - génétiste géo géoarchéologie géobarométrie géocancérologie géocarcinidé - géocentrisme géochimie géochimiste géochronologie géochronomètre - géocorise géocouronne géocronite géode géodynamique géodésie géodésique - géographe géographicité géographie géologie géologue géomagnéticien - géomancie géomembrane géomorphologie géomorphologue géomyidé géomyza géomètre - géométrie géométrisation géonomie géophage géophagie géophagisme géophile - géophysique géophyte géopolitique géopélie géorgien géorgisme géosismique - géostatique géostratégie géotactisme géotaxie géotechnique géotextile - géothermomètre géothermométrie géotrichose géotropisme géotrupe géoïde - gérance géraniacée géranial géraniale géraniol géranium géraniée gérant - gérhardtite gériatre gériatrie gérodermie géromorphisme géromé gérondif - gérontisme gérontocratie gérontologie gérontologue gérontophile gérontophilie - gérontotoxon gérontoxon géryonia géré gérénuk gésier gésine gêne gêneur gîtage - gîtologie gödelisation gödélisation habanera habenaria habenula haberlea - habilitation habilité habillage habillement habilleur habit habitabilité - habitant habitat habitation habituation habitude habitudinaire habituel - habou habrobracon habronème habronémose habu habénula hachage hache hachement - hachette hacheur hacheuse hachischin hachischisme hachoir hachotte hachurateur - haché hacienda hacker hackney hacquebute haddock hadj hadjdj hadji hadron - hadène haematopodidé haematoxylon haff haflinger hafnia hafside hagendorfite - hagiographie hagiologie hague hahnie hahnium haidingérite haie haillon haine - haire hakea halage halbi halbran halcyon halde haldu hale-croc halecium - haleine halement haleur half-track halia halibut halichondrie halichondrine - halicte halictidé halieutique halimodendron halin haliotide haliotidé haliple - halite halitherium halitose hall hallage hallali halle hallebarde hallebardier - hallomégalie halloysite hallucination hallucinogène hallucinolytique - halluciné halma halo halobate haloclastie halocline haloforme halographie - halogénalcane halogénamide halogénamine halogénation halogénide halogénimide - halogénoalcane halogénoamide halogénoamine halogénohydrine halogénure - halon halophile halophyte halopropane halopéridol halosaure halosel halothane - haloxylon haloïde halte haltica haltère haltérophile haltérophilie halva - halètement haléciidé hamac hamada hamadryade hamamélidacée hamartoblastome - hamartomatose hamartome hamatum hamaïde hambergite hambourgien hamburger - hamidiye hamiltonien hamlétien hammam hampe hamster hamule hamza hamède - hanafisme hanafite hanap hanbalisme hanbalite hanche hanchement hancornia - handballeur handicap handicapeur handicapé hanet hangar hanifite hanksite - hanneton hannetonnage hanon hanouman hanovrien hansart hanse hansel hanseniase - hansénien hansénose hantise haoma haoussa hapalidé hapalémur hapaxépie - haplo haplobionte haplodiplobionte haplodiplobiose haplographie haplogyne - haplologie haplomitose haplonte haplophase haplostomate haplotype haploïdie - happe-chair happe-lopin happement happening haptine haptique haptoglobine - haptoglobinémie haptomètre haptonastie haptophore haptotropisme haptène - haque haquebute haquenée haquet hara harangue haranguet harangueur harasse - harceleur harcèlement hard-rock harde hardi hardiesse hardware hardystonite - harem hareng harengaison harenguet harenguier harenguière harengère haret - hargne haricocèle haricot haridelle harissa harki harle harmattan harmonica - harmonicité harmonicorde harmonie harmonique harmonisateur harmonisation - harmonium harmoste harmotome harnachement harnacheur haro harpacte - harpactor harpagon harpail harpaille harpale harpe harpette harpie harpiste - harpoise harpon harponnage harponnement harponneur harpye harrier harrimaniidé - haruspice harzburgite hasard haschichin haschichisme haschischin haschischisme - hassidisme hast hastaire haste hattéria hauban haubanage haubergeon haubergier - hauchecornite haudriette haugianisme haugianiste hausmannite hausse hausse-col - haussette haussier haussière haussoir haussoire haustration haut haut-parleur - hautboïste haute hauterivien hautesse hauteur hautin hauérite havage havanaise - have havenet haversite haveur haveuse havi havre havresac havrit havée - hawaiite hawaïen hawiyé hayon hayve hazzan haïdouk haïk haïkaï haïsseur - haüyne heat heaume heaumier hebdo hebdomadaire hebdomadier hectare hectisie - hectogramme hectographie hectolitre hectomètre hectopascal hectopièze - hectémore hegemon heideggérien heiduque heimatlosat helcon hellandite - hellène hellébore hellénisant hellénisation hellénisme helléniste hellénophone - helminthe helminthiase helminthide helminthique helminthologie helminthose - helobdella helvelle helvite helvète helvétien helvétisme hemmage hendiadyin - hendécasyllabe hennin hennissement hennuyer henné henricia henry heptacorde - heptamètre heptanal heptane heptanoate heptanol heptanone heptaptyque - heptasyllabe heptathlon heptaèdre heptite heptitol heptose heptulose heptyle - heptynecarboxylate heptène herbage herbager herbagère herbe herberie herbette - herbier herbivore herbière herborisateur herborisation herboriste - herbu herbue herchage hercheur hercogamie hercule hercynien hercynite - hermandad hermaphrodisme hermaphrodite hermelle hermine herminette herminie - hermée herméneutique herméticité hermétique hermétisme hermétiste herniaire - herniographie hernioplastie herniorraphie herpangine herpe herpestiné - herpétide herpétisme herpétologie herpétologiste herpétomonadale hersage - herscheur herse herseur herseuse herzenbergite hespéranopie hespéridé hespérie - hessite hetman heulandite heure heuristique heurt heurtoir heuse hewettite - hexachlorocyclohexane hexachlorophène hexachlorure hexacoralliaire hexacorde - hexadactylie hexadiène hexadécadrol hexadécane hexadécanol hexadécyle - hexagone hexahydrite hexamidine hexamine hexamoteur hexamètre - hexamétapol hexaméthonium hexaméthylphosphotriamide hexaméthylène - hexaméthylèneglycol hexaméthylènetétramine hexanchiforme hexane - hexanitromannite hexanol hexanone hexapode hexapodie hexaréacteur hexastyle - hexatétraèdre hexaèdre hexite hexitol hexobarbital hexoctaèdre hexoestrol - hexokinase hexolite hexone hexosaminidase hexose hexyl hexyle hexylèneglycol - hexénol heyite hibernation hibernie hibernome hibernothérapie hibonite hican - hidalgo hiddénite hideur hidradénite hidradénome hidrocystome hidrorrhée - hidrose hie highland highlander highway higoumène hijab hikan hilara hilarité - hiloire hilote hilotisme himalaya himalayisme himalayiste himation himera - hindouisation hindouisme hindouiste hindouité hinschisme hinschiste hinsdalite - hiortdahlite hipparchie hipparion hipparque hippiatre hippiatrie hippiatrique - hippisme hippoboscidé hippobosque hippocampe hippocastanacée hippocratisme - hippodrome hippogriffe hippologie hippologue hippolyte hippomancie hippomorphe - hippophage hippophagie hippophaé hippopotame hippotechnie hippotraginé - hippuricurie hippurie hippurite hippuropathie hippy hircine hirondelle hirsute - hirudinase hirudination hirudine hirudiniculteur hirudiniculture - hirudinée hirundinidé hisingérite hispanique hispanisant hispanisme hispaniste - hispanophone hispe hissage histaminase histaminasémie histamine histaminergie - histaminopexie histaminurie histaminémie hister histidine histidinurie - histioblaste histioblastome histiocyte histiocytomatose histiocytome - histiocytose histiocytémie histioleucémie histiologie histiolymphocytose - histiotrophie histochimie histocompatibilité histodiagnostic histoenzymologie - histogramme histohématine histoire histologie histologiste histolyse - histone histopathologie histophysiologie histoplasma histoplasmine - histopoïèse histopycnose historadiogramme historadiographie historicisme - historicité historien historiette historiogramme historiographe - historique historisation historisme histothérapie histrion histrionisme - hit hit-parade hitlérien hitlérisme hittite hiver hivernage hivernale - hivernation hivérisation hièble hiérarchie hiérarchisation hiérarque - hiératisme hiératite hiérobotanie hiérobotanique hiérodiacre hiérodoule - hiérodule hiérodulie hiérogamie hiéroglyphe hiérogrammate hiérogrammatiste - hiérographie hiérologie hiéromancie hiéromanie hiéromnémon hiéromoine - hiéron hiéronymite hiérophante hiéroscopie hiérosolymitain hjelmite - hoatzin hoazin hobbisme hocco hoche hoche-queue hochement hochepot hochequeue - hockey hockeyeur hodja hodjatoleslam hodochrone hodographe hodologie hodoscope - hoernésite hogan hognette hoir hoirie holacanthe holaster holastéridé - holding holisme holiste hollandaise hollande hollandite holmine holocauste - holocène holocéphale holoenzyme hologamie hologenèse hologramme holographie - holomètre holométope holoprosencéphalie holoprotéide holoprotéine holoside - holothuride holothurie holotriche holotype holoèdre holoédrie homalium - homalota homard homarderie homardier hombre home home-trainer homeland - homicide homilite homilétique hominidé hominien hominisation hominoïde hommage - homo homocaryose homocentre homocercie homochromie homocystinurie homocystéine - homodonte homodontie homogamie homogamétie homoglosse homogramme homographe - homogreffe homogyne homogénat homogénie homogénéisateur homogénéisation - homogénésie homologation homologie homologue homomorphie homomorphisme - homoneure homonyme homonymie homophile homophilie homophone homophonie - homoplastie homopolymère homopolymérisation homoptère homorythmie - homosexualité homosexuel homosocialité homosphère homothallie homothallisme - homothermie homothétie homotopie homotransplant homotransplantation homotypie - homozygote homozygotie homozygotisme homuncule homéen homélie homéogreffe - homéopathe homéopathie homéoplasie homéosaure homéosiniatrie homéostase - homéostat homéotherme homéothermie homéothérapie homéotype homéousien homéride - honchet hondurien hongre hongreur hongroierie hongroyage hongroyeur honguette - honk honneur honnêteté honorabilité honorariat honorée honte hooligan - hoolock hopak hoplie hoplite hoplitodromie hoplocampe hoploptère hoplure - hoquet hoqueton horaire horde hordéine hordénine horion horizon horizontale - horloge horloger horlogerie hormogenèse hormogonie hormone hormoniurie - hormonogenèse hormonogramme hormonologie hormonopoïèse hormonosynthèse - hormonurie hormonémie hornblende hornblendite hornpipe horodateur horographe - horométrie horoptère horoscope horoscopie horreur horripilateur horripilation - hors-piste horsain horsfordite horsin horst hortensia horticulteur - hortillon hortilloneur hortillonnage hortillonneur hortonolite hosanna hospice - hospitalisation hospitalisme hospitalisé hospitalité hospitalocentrisme - hostellerie hostie hostilité hosto hot-dog hotte hottentot hotteret hotteur - hottée hotu houache houage houaiche houari houblon houblonnage houblonnier - houdan houe hougnette houille houiller houillification houillère houka houle - houligan houliganisme houlque houppe houppelande houppette houppier houque - hourdage houret houri hourque hourra hourrite hourvari housard housecarl - houssage houssaie houssard housse housset houssette houssine houssière - houssée housure hovea hovenia hovercraft hoverport howardie howlite huard - huaxtèque hublot huche hucherie huchet huchette huchier huerta huguenot huia - huile huilerie huilier huilome huisserie huissier huitain huitaine huitième - hululation hululement hum humage humain humanisation humanisme humaniste - humanitariste humanité humanoïde humantin humboldtine humectage humectant - humecteuse humeur humidificateur humidification humidimètre humidité - humiliation humilité humilié humite humoresque humorisme humoriste humour - humulène hune hunier hunter huppe huque hurdler hure hureaulite hurlement - hurluberlu hurlée huron hurrah hurricane hussard hussarde husserlien hussite - hutia hutinet hutte hutu huve huée huître huîtrier huîtrière hyacinthe hyale - hyalinia hyalinose hyalite hyalographie hyalome hyalonème hyalophane - hyaloplasme hyalose hyalosponge hyalothère hyalotékite hyaloïde hyaluronidase - hybridation hybride hybridisme hybridité hybridome hydantoïne hydarthrose - hydatidocèle hydatidose hydaturie hydne hydrach hydrachne hydrachnelle - hydracide hydractinie hydradénome hydraena hydragogue hydraire - hydrangelle hydrangée hydranthe hydrargie hydrargilite hydrargyre hydrargyrie - hydrargyrose hydrargyrostomatite hydrargyrothérapie hydratant hydratation - hydraule hydraulicien hydraulicité hydraulique hydraviation hydravion - hydrazine hydrazinium hydrazinobenzène hydrazobenzène hydrazone hydrazoïque - hydrellia hydrencéphalie hydrencéphalocrinie hydrencéphalocèle hydriatrie - hydrie hydrindane hydrine hydroa hydroapatite hydrobase hydrobatidé - hydrobie hydrobiologie hydroboracite hydroboration hydrocachexie hydrocalice - hydrocarbonate hydrocarbure hydrocarburisme hydrocellulose hydrocharidacée - hydrocholécyste hydrocinésithérapie hydrocirsocèle hydroclasseur hydroclastie - hydrocolloïde hydrocolpotomie hydrocoralliaire hydrocorise hydrocortisone - hydrocracking hydrocraquage hydrocraqueur hydroculdoscopie hydrocution - hydrocyclone hydrocyon hydrocystome hydrocèle hydrocéphale hydrocéphalie - hydrocérusite hydrodynamique hydrodésalkylation hydrodésulfuration - hydrofilicale hydrofinissage hydrofinition hydrofoil hydroformage - hydrofugation hydrofuge hydrogastrie hydrogel hydrogenèse hydroglisseur - hydrographie hydrogénation hydrogénobactérie hydrogénolyse hydrogénosel - hydrogénosulfure hydrogénoïde hydrogéologie hydrohalite hydrohalogénation - hydrokinésithérapie hydrolase hydrolat hydrolipopexie hydrolithe hydrologie - hydrologue hydrolysat hydrolyse hydrolé hydromagnésite hydromagnétisme - hydromanie hydromante hydromel hydromellerie hydromica hydrominéralurgie - hydromodéliste hydromorphie hydromphale hydromyiné hydromyélie hydromyélocèle - hydroméduse hydroméningocèle hydrométalloplastie hydrométallurgie hydrométrie - hydronium hydronyme hydronymie hydronéphrose hydronéphrotique hydropancréatose - hydropexie hydrophane hydrophidé hydrophile hydrophilie hydrophobie hydrophone - hydrophosphate hydrophtalmie hydrophylle hydropique hydropisie hydroplanage - hydropneumatisation hydropneumatocèle hydropneumopéricarde hydropore hydropote - hydroptère hydropulseur hydropénie hydropéricarde hydropéritoine - hydroquinol hydroquinone hydroraffinage hydrorragie hydrorrhée hydrosablage - hydrosaure hydroscopie hydrose hydrosilicate hydrosol hydrosolubilité - hydrostatique hydrosulfite hydrosyntasie hydrosélection hydroséparateur - hydrotalcite hydrotaxie hydrothermalisme hydrothermothérapie hydrothérapeute - hydrotimètre hydrotimétrie hydrotomie hydrotraitement hydrotropie - hydrotubation hydrotypie hydrotée hydroxocobalamine hydroxonium hydroxyacétone - hydroxyalkylation hydroxyalkyle hydroxyandrosténedione hydroxyanthraquinone - hydroxyapatite hydroxyazoïque hydroxybenzaldéhyde hydroxybenzène - hydroxycoumarine hydroxyde hydroxydione hydroxyhalogénation hydroxyhydroquinol - hydroxylamine hydroxylammonium hydroxylase hydroxylation hydroxyle - hydroxynaphtalène hydroxynaphtoquinone hydroxyproline hydroxyprolinurie - hydroxystéroïde hydroxytoluène hydroxyurée hydroxyéthylamidon - hydrozincite hydrozoaire hydroélectricien hydroélectricité hydroïde hydrure - hydrurie hydrémie hydrémèse hygiaphone hygiène hygiéniste hygrobie hygroma - hygrométricité hygrométrie hygrophore hygrophyte hygroscope hygroscopie - hygrotropisme hylaste hylastine hylidé hylobatidé hylochère hylognosie - hylotrupe hylozoïsme hylémyie hylésine hymen hymnaire hymne hymnodie - hymnographie hymnologie hyménium hyménomycète hyménomycétale hyménophore - hyménoptéroïde hyménostome hyménotomie hyménée hynobiidé hyoglosse hyolithe - hyosciamine hyoscine hyostylie hyoïde hypallage hyparchie hyparque hypblaste - hypbromite hypera hyperacanthose hyperacidité hyperacousie hyperactif - hyperacusie hyperalbuminorachie hyperalbuminose hyperalbuminémie - hyperaldostéronisme hyperaldostéronurie hyperalgie hyperalgique hyperalgésie - hyperallergie hyperalphaglobulinémie hyperaminoacidurie hyperaminoacidémie - hyperamylasémie hyperandrisme hyperandrogénie hyperandrogénisme - hyperaridité hyperazoturie hyperazotémie hyperbarie hyperbarisme - hyperbate hyperbilirubinémie hyperbole hyperboloïde hyperbêtaglobulinémie - hypercalcistie hypercalcitoninémie hypercalciurie hypercalcémie hypercapnie - hypercharge hyperchlorhydrie hyperchlorhydropepsie hyperchloruration - hyperchlorémie hypercholestérolémie hypercholie hypercholémie - hyperchromie hyperchylomicronémie hypercinèse hypercinésie hypercitraturie - hyperclarté hypercoagulabilité hypercoagulation hypercollision - hypercompresseur hypercorrection hypercorticisme hypercorticoïdurie - hypercortisolisme hypercousie hypercrinie hypercrinémie hypercritique - hypercréatinurie hypercube hypercuprorrachie hypercuprurie hypercuprémie - hypercytose hypercémentose hyperdiadococinésie hyperdiploïde hyperdiploïdie - hyperdulie hyperdynamie hyperectodermose hyperencéphale hyperendophasie - hyperergie hyperespace hyperesthésie hyperesthésique hyperestrogénie - hypereutectique hypereutectoïde hyperexistence hyperextensibilité - hyperfibrinolyse hyperfibrinémie hyperflectivité hyperfluorescence - hyperfolliculinie hyperfolliculinisme hyperfolliculinémie hyperfonctionnement - hyperfréquence hypergammaglobulinémie hypergastrinie hypergastrinémie - hyperglobulie hyperglobulinémie hyperglycinurie hyperglycinémie hyperglycistie - hyperglycémiant hyperglycémie hyperglycéridémie hypergol hypergonadisme - hypergonar hypergroupe hypergueusie hypergynisme hypergénitalisme hyperhidrose - hyperhydratation hyperhydrémie hyperhémie hyperhémolyse hyperhéparinémie - hyperidrose hyperimmunisation hyperimmunoglobulinémie hyperindoxylémie - hyperinose hyperinsulinie hyperinsulinisme hyperinsulinémie hyperintensité - hyperkalicytie hyperkaliémie hyperkinésie hyperkératose hyperlactacidémie - hyperlaxité hyperleucinémie hyperleucocytose hyperlipidémie - hyperlipoprotéinémie hyperlipémie hyperlordose hyperlutéinie - hyperlutéinémie hyperlymphocytose hyperlysinémie hypermacroskèle - hypermagnésiémie hypermagnésémie hypermarché hypermastie hypermastigine - hyperminéralocorticisme hypermnésie hypermnésique hypermobilité hypermutation - hypermédiatisation hyperménorrhée hypermétamorphose hyperméthioninémie - hypermétrique hypermétrope hypermétropie hypernatriurie hypernatriurèse - hypernatrémie hypernickélémie hypernéphrome hyperoctanoatémie hyperoestrogénie - hyperoestrogénémie hyperoestroïdie hyperoestroïdurie hyperonyme hyperonymie - hyperorchidie hyperorexie hyperorganisme hyperosmie hyperosmolalité - hyperostose hyperostéoclastose hyperostéogenèse hyperostéolyse hyperostéoïdose - hyperoxalurie hyperoxalémie hyperoxie hyperoxémie hyperpancréatie - hyperparathyroïdie hyperparathyroïdisation hyperparathyroïdisme hyperparotidie - hyperpepsie hyperpeptique hyperphagie hyperphalangie hyperphorie - hyperphosphatasémie hyperphosphaturie hyperphosphatémie hyperphosphorémie - hyperphénolstéroïdurie hyperphénylalaninémie hyperpigmentation - hyperpiésie hyperplan hyperplaquettose hyperplasie hyperplastie hyperploïdie - hyperpneumocolie hyperpnée hyperpolarisation hyperpolypeptidémie - hyperpression hyperproduction hyperprolactinémie hyperprolinurie - hyperprosexie hyperprothrombinémie hyperprotidémie hyperprotéinorachie - hyperprovitaminose hyperprégnandiolurie hyperpyrexie hyperpyruvicémie - hyperréactivité hyperréalisme hyperréaliste hyperréflectivité hyperréflexie - hyperréticulocytose hypersarcosinémie hypersensibilisation hypersensibilité - hypersensitivité hypersexualité hypersialie hypersidérose hypersidérémie - hypersomatotropisme hypersomniaque hypersomnie hypersomnolence hyperson - hypersphère hypersplénie hypersplénisme hypersplénomégalie hyperspongiocytose - hyperstaticité hypersthène hypersthénie hypersthénique hypersthénite - hyperstimulinie hyperstructure hyperstéréoscopie hypersudation - hypersustentateur hypersustentation hypersympathicotonie hypersynchronie - hypersémie hypersérinémie hypersérotoninémie hypertendu hypertenseur - hypertensine hypertensinogène hypertension hypertestostéronie hypertexte - hyperthermique hyperthiémie hyperthrombocytose hyperthymie hyperthymique - hyperthymisme hyperthyroxinie hyperthyroxinémie hyperthyroïdation - hyperthyroïdien hyperthyroïdisation hyperthyroïdisme hyperthyréose - hypertonie hypertonique hypertransaminasémie hypertrempe hypertrichose - hypertrophie hypertropie hypertélie hypertélisme hypertélorisme hyperuraturie - hyperuricosurie hyperuricémie hypervalinémie hypervariabilité - hypervasopressinémie hyperventilation hyperviscosité hypervitaminose - hypervolume hypervolémie hyperzincurie hyperzincémie hyperélectrolytémie - hyperémotif hyperémotivité hyperémèse hyperéosinophilie hyperéosinophilisme - hyperépidermotrophie hyperépidose hyperépinéphrie hypesthésie hyphe - hypholome hyphomycétome hyphéma hypnalgie hypne hypnoanalyse hypnoanesthésie - hypnogramme hypnogène hypnologie hypnopathie hypnose hypnoserie - hypnothérapie hypnotique hypnotiseur hypnotisme hypnotoxine hypnurie - hypoacousie hypoalbuminémie hypoalgie hypoalgésie hypoaminoacidémie - hypoandrie hypoandrogénie hypoandrogénisme hypoarrhénie hypoazoturie hypobore - hypobêtalipoprotéinémie hypocagne hypocalcie hypocalcistie hypocalcitoninémie - hypocalcémie hypocapnie hypocarotinémie hypocauste hypocentre hypochlorhydrie - hypochloruration hypochlorurie hypochlorémie hypocholestérolémie hypocholie - hypocholémie hypochondre hypochondriaque hypochondrie hypochondrogenèse - hypochromatopsie hypochromie hypocinésie hypocoagulabilité hypocomplémentémie - hypocondriaque hypocondrie hypoconvertinémie hypocoristique hypocorticisme - hypocotyle hypocrinie hypocrisie hypocrite hypocréatininurie hypocréatinurie - hypocycloïde hypocéphale hypoderme hypodermite hypodermoclyse hypodermose - hypodiploïdie hypodontie hypodynamisme hypoergie hypoesthésie hypoesthésique - hypoeutectoïde hypofertilité hypofibrinogénémie hypofibrinémie - hypofolliculinisme hypofolliculinémie hypogalactie hypogammaglobulinémie - hypogastropage hypoglobulie hypoglobulinémie hypoglosse hypoglossite - hypoglycémiant hypoglycémie hypoglycémique hypoglycéridémie hypognathe - hypogonadotrophinurie hypogranulocytose hypogueusie hypogueustie hypogynisme - hypogénitalisme hypogénésie hypohidrose hypohormoniurie hypohydrémie - hypohéma hypohémoglobinie hypointensité hypokalicytie hypokaliémie hypokhâgne - hypolaryngite hypoleucie hypoleucocytose hypoleydigisme hypolipidémiant - hypolipoprotéinémie hypolipémie hypolome hypolutéinie hypolutéinémie - hypomagnésiémie hypomagnésémie hypomane hypomanie hypomastie hypomimie - hyponatriurie hyponatriurèse hyponatrurie hyponatrémie hyponeurien - hyponitrite hyponomeute hyponomeutidé hyponyme hyponymie hypopancréatie - hypoparathyroïdisme hypopepsie hypopepsique hypophamine hypophobie hypophorie - hypophosphate hypophosphaturie hypophosphatémie hypophosphite hypophosphorémie - hypophysectomie hypophysite hypophysogramme hypophénylalaninémie - hypopinéalisme hypopion hypopituitarisme hypoplaquettose hypoplasie - hypoploïdie hypopneumatose hypopnée hypopolyploïdie hypopotassémie - hypoproconvertinémie hypoprosexie hypoprothrombinémie hypoprotidémie - hypoprotéinémie hypoprégnandiolurie hypopyon hyporéflectivité hyporéflexie - hyposcenium hyposialie hyposidérémie hyposmie hyposomnie hypospade - hypostase hypostasie hyposthénie hyposthénique hyposthénurie hypostimulinie - hypostéatolyse hyposulfite hyposystolie hyposécrétion hyposémie hyposérinémie - hypotaxe hypotendu hypotenseur hypotension hypotestostéronie hypothalamectomie - hypothermie hypothrepsie hypothromboplastinémie hypothymie - hypothyroxinémie hypothyroïdation hypothyroïdie hypothyroïdisation - hypothyréose hypothèque hypothèse hypothécie hypothénar hypotonie hypotonique - hypotransaminasémie hypotriche hypotrichose hypotriglycéridémie hypotrophie - hypotrème hypotypose hypotélisme hypotélorisme hypoténuse hypovasopressinisme - hypovirulence hypovitaminose hypovolhémie hypovolémie hypoxanthine hypoxhémie - hypoxiehypercapnie hypoxémie hypozincurie hypozincémie hypoépinéphrie - hypoéveil hypsarythmie hypsilophodon hypsocéphalie hypsodontie hypsogramme - hypsomètre hypsométrie hyptiogenèse hyptiote hypuricémie hypène hypérette - hypérie hypérien hypérion hypérite hypéron hyracoïde hysope hystricidé - hystricomorphe hystéralgie hystérectomie hystérie hystérique - hystérocystocèle hystérocèle hystérographie hystérolabe hystérologie - hystéromètre hystérométrie hystéron hystéropexie hystéroplastie hystéroptose - hystéroscope hystéroscopie hystérotomie hystérèse hystérésigraphe - hyène hyénidé hyétomètre hâ hâblerie hâbleur hâlage hâle hâloir hâte hâtelet - hâtelle hâtier hème hère hève héautoscopie héberge hébergement hébertisme - hébotomie héboïdophrène héboïdophrénie hébraïsant hébraïsme hébraïste - hébécité hébéfrénie hébéphrène hébéphrénie hébéphrénique hébétement hébétude - hécatombe hécatomphonie hécatonstyle hécogénine hédenbergite héder hédonisme - hédra hédrocèle hédychridie hédéragénine hégoumène hégélianisme hégélien - hégémonisme hélianthe hélianthine hélianthème héliaste hélicarion hélice - héliciculture hélicidé hélicigona hélicine hélicoagitateur hélicon héliconie - hélicoptère hélicostyle hélicoïde héligare hélimagnétisme hélio héliocentrisme - héliodermite héliodore héliographe héliographie héliograveur héliogravure - héliomètre héliométéréologie hélion héliopathie héliophane héliophilie - héliophotomètre héliopore hélioprophylaxie héliornithidé héliosismologie - héliostat héliotechnique héliothermie héliothérapie héliotrope héliotropine - héliozoaire héliport héliportage hélistation hélisurface hélitransport - hélobiale héloderme hélodermie hélodée hélomyze hélophile hélophore hélophyte - hélépole hémagglutination hémagglutinine hémagglutinogène hémangiectasie - hémangiofibrosarcome hémangiomatose hémangiome hémangiopéricytome - hémaphérèse hémarthrose hématexodie hémathidrose hématidrose hématie - hématimétrie hématine hématite hématobie hématoblaste hématobulbie - hématoconie hématocornée hématocrite hématocritie hématocytologie hématocèle - hématodermie hématogonie hématogramme hématogène hématolite hématologie - hématologue hématome hématomyélie hématomètre hématométrie hématonodule - hématophagie hématophobie hématoporphyrine hématoporphyrinurie hématopoèse - hématopoïétine hématosarcome hématoscope hématose hématospectroscopie - hématothérapie hématotympan hématozoaire hématoïdine hématurie hématurique - hémiachromatopsie hémiacéphale hémiacétal hémiacétalisation hémiagnosie - hémiagénésie hémialbumosurie hémialgie hémianesthésie hémiangiectasie - hémianopie hémianopsie hémianopsique hémianosmie hémiasomatognosie - hémiataxie hémiathétose hémiatrophie hémiballique hémiballisme hémibloc - hémibulbe hémicellule hémicellulose hémicerclage hémichamp - hémichondrodystrophie hémichorée hémiclonie hémicolectomie hémicorporectomie - hémicraniose hémicrânie hémicycle hémicystectomie hémidactyle hémidiaphorèse - hémidysesthésie hémiencéphale hémigale hémiglossite hémihypothalamectomie - hémilaryngectomie hémimellitène hémimorphite hémimèle hémimélie hémine hémiole - hémiopie hémioxyde hémipage hémiparacousie hémiparalysie hémiparaplégie - hémiparesthésie hémipareunie hémiparésie hémiparétique hémipentoxyde hémiphone - hémiplégie hémiplégique hémipode hémippe hémiprocnidé hémiptère hémiptéroïde - hémisacralisation hémisomatectomie hémispasme hémisphère hémisphérectomie - hémisporose hémistiche hémisyndrome hémisynthèse hémithermie - hémitropie hémitèle hémitérie hémitétanie hémivertèbre hémiédrie hémobilie - hémobiologiste hémocathérèse hémocholécyste hémochromatomètre hémochromatose - hémoclasie hémocompatibilité hémoconcentration hémoconie hémocrasie hémocrinie - hémocyanine hémocyte hémocytoblaste hémocytoblastomatose hémocytoblastose - hémocytophtisie hémocytopénie hémocèle hémodiafiltration hémodiagnostic - hémodialyseur hémodialysé hémodiffractomètre hémodilution hémodipse - hémodromomètre hémodynamique hémodynamomètre hémodynamométrie hémodétournement - hémofuchsine hémoglobine hémoglobinimètre hémoglobinobilie hémoglobinogenèse - hémoglobinométrie hémoglobinopathie hémoglobinose hémoglobinosynthèse - hémoglobinémie hémogramme hémogénie hémohistioblaste hémohistioblastose - hémolymphe hémolyse hémolysine hémomédiastin hémoneurocrinie hémonie - hémoperfusion hémopexine hémophile hémophilie hémophiline hémophiloïde - hémophtalmie hémopneumopéricarde hémopoïèse hémopoïétine hémoprophylaxie - hémoprotéidé hémoprévention hémoptysie hémoptysique hémopéricarde - hémorragie hémorragine hémorragiose hémorrhéologie hémorroïdaire hémorroïde - hémorréologie hémosialémèse hémosidérine hémosidérinurie hémosidérose - hémosporidie hémosporidiose hémostase hémostasie hémostatique hémothérapie - hémotympan hémotypologie hémozoïne héméralope héméralopie hémérobe hémérocalle - hémérodromie hémérologe hémérologie hémérologue hémérophonie héméropériodique - hénonier hénophidien héparine héparinisation héparinocyte héparinothérapie - héparinurie héparinémie hépatalgie hépatectomie hépatectomisé hépaticoliase - hépaticotomie hépatique hépatisation hépatisme hépatite hépatoblastome - hépatocholangiome hépatocystostomie hépatocyte hépatocèle hépatoduodénostomie - hépatogramme hépatographie hépatojéjunostomie hépatolobectomie hépatologie - hépatomancie hépatomanométrie hépatome hépatomphale hépatomégalie - hépatopathie hépatorragie hépatorraphie hépatoscopie hépatose hépatosidérose - hépatosplénomégalie hépatostomie hépatothérapie hépatotomie hépatotoxicité - hépatotoxique hépatotoxémie hépiale hépialidé héraldique héraldiste - héraut hérissement hérisson hérissonne héritabilité héritage héritier hérodien - héronnière héroïcité héroïde héroïne héroïnomane héroïnomanie héroïsation - hérédité hérédo hérédocontagion hérédodégénérescence hérédopathie - hérésiarque hérésie héréticité hérétique hésione hésitant hésitation - hésychaste hétaire hétairiarque hétairie hétaérolite hétaïre hétimasie hétrode - hétéralie hétéralien hétéresthésie hétériarque hétérie hétéro hétéroatome - hétérobranche hétérocaryon hétérocaryose hétérocercie hétérochromasie - hétérochromie hétérochromosome hétérochronie hétérochronisme hétérocotyle - hétérocèle hétérocère hétérocéphale hétérodon hétérodonte hétérodontie - hétérodoxe hétérodoxie hétérodyme hétérodyne hétérodère hétérogamie - hétérogaster hétérogenèse hétérogonie hétérogreffe hétérogroupe hétérogynie - hétérogénisme hétérogénite hétérogénéité hétérolyse hétérolysine hétéromorphie - hétéromorphite hétéromyidé hétéromère hétéromètre hétérométrie hétéronette - hétéronomie hétéronyme hétéronymie hétéropage hétérophonie hétérophorie - hétérophtalmie hétérophyase hétérophyllie hétérophytisme hétéroplasie - hétéroprothallie hétéroprotéide hétéroprotéine hétéroptère hétéropycnose - hétérorythmie hétéroscédasticité hétérosexualité hétérosexuel hétéroside - hétérosphyronidé hétérosphère hétérosporie hétérostelé hétérostracé - hétérotaxie hétérothallie hétérothallisme hétérothermie hétérothérapie - hétérotransplantation hétérotriche hétérotrophe hétérotrophie hétérotropie - hétérotypien hétérozygote hétérozygotie hétérozygotisme hévéa hévéaculteur - hêtraie hêtre hôlement hôte hôtel hôtelier hôtellerie hôtesse iakoute iambe - iatrochimie iatromécanique iatromécanisme iatrophysique ibadite ibogaïne - ibère ibéride ibéromaurusien icaque icaquier icarien icartien ice-cream - icefield ichneumon ichneumonidé ichnologie ichor ichthyose ichtyobdelle - ichtyol ichtyolammonium ichtyologie ichtyologiste ichtyomancie - ichtyophage ichtyophagie ichtyoptérine ichtyoptérygie ichtyoptérygien - ichtyosarcotoxisme ichtyosaure ichtyosaurien ichtyose ichtyosique ichtyosisme - ichtyostégalien ichtyostégidé ichtyotoxine icica iciquier icoglan icone - iconoclaste iconoclastie iconographe iconographie iconogène iconologie - iconologue iconolâtre iconolâtrie iconomètre iconoscope iconostase iconothèque - icosanoïde icosaèdre icron ictaluridé ictidosaurien ictère ictéridé ictérique - icône idalie idasola idaïte ide idempotence identificateur identification - identité idiacanthidé idie idiochromosome idiocinèse idioglossie idiographie - idiolecte idiomaticité idiome idiopathie idiophagédénisme idiorrythmie - idiosyncrasie idiot idiotie idiotisme idiotope idiotype idiotypie idiste idite - idocrase idole idolâtre idolâtrie idonéité idose idothée idrialite iduronidase - idéal idéalisation idéalisme idéaliste idéalité idéation idée idéocratie - idéographie idéologie idéologisation idéologue idéopside if igame igamie igloo - igname ignare ignicolore ignifugation ignifuge ignifugeage ignifugeant - ignipuncture igniteur ignition ignitron ignominie ignorance ignorant - ignorantisme ignorantiste iguane iguanidé iguanien iguanodon iguanoïde igue - ikat ikebana iler ilicacée iliite iliogramme ilion iliopsoïte ilium ilkhan - illation illettrisme illettré illicéité illiquidité illisibilité illite - illogisme illuminateur illumination illuminisme illuministe illuminé illusion - illusionniste illustrateur illustration illustré illutation illuviation - illuvium illyrien illyrisme illégalité illégitimité ilménite ilménorutile - ilotisme ilsémannite ilvaïte iléadelphe iléite iléo-colostomie iléocolostomie - iléocystostomie iléon iléopathie iléoplastie iléoportographie iléorectostomie - iléostomie iléotransversostomie iléum image imagerie imagier imaginaire - imagination imagisme imagiste imago imam imamat imamisme imamite iman imanat - imblocation imbrication imbrin imbroglio imbrûlé imbécile imbécillité - imidazolidinedione imide imine iminoalcool iminol iminoéther imipramine - imitation immanence immanentisme immanentiste immatriculation immatricule - immaturité immatérialisme immatérialiste immatérialité immelmann immensité - immeuble immigrant immigration immigré imminence immiscibilité immittance - immobilier immobilisation immobilisine immobilisme immobiliste immobilité - immodération immolateur immolation immondice immoralisme immoraliste - immortalisation immortalité immortel immortelle immuabilité immun immunisation - immuniste immunition immunité immunoblaste immunoblastosarcome immunoblot - immunochimiothérapie immunocompétence immunoconglutinine immunocyte - immunocytochimie immunocytolyse immunocytome immunodiffusion immunodéficience - immunodépresseur immunodépression immunodéprimé immunodéviation - immunofluorescence immunoglobine immunoglobuline immunoglobulinogenèse - immunogène immunogénicité immunogénécité immunogénétique immunohistochimie - immunohématologiste immunoleucopénie immunologie immunologiste immunologue - immunome immunomicroscopie immunomodulateur immunoparasitologie - immunopathologiste immunophagocytose immunopharmacologie immunoprophylaxie - immunoprécipitation immunoprévention immunorégulateur immunorépression - immunostimulation immunosuppresseur immunosuppression immunosupprimé - immunosympathectomie immunosélection immunosérum immunothrombopénie - immunothérapie immunotolérance immunotoxine immunotransfert immunotransfusion - immutabilité immédiateté imogolite impact impacteur impaction impactite impair - impaludation impaludé impanation impanissure imparfait imparidigité - imparité impartialité impartition impasse impassibilité impastation impatience - impatiente impatronisation impavidité impayé impeachment impeccabilité imper - imperfectibilité imperfectif imperfection imperforation imperforé impermanence - imperméabilisant imperméabilisation imperméabilité imperméable impersonnalité - impertinence impertinent imperturbabilité impesanteur impie impiété - implant implantation implantologie implication imploration implosion implosive - impluvium implémentation impoli impolitesse impondérabilité impondérable - import importance important importateur importation importun importunité - imposeur imposition impossibilité imposte imposteur imposture imposé imposée - impotent impraticabilité imprenabilité impresario imprescriptibilité - impressionnabilité impressionnisme impressionniste impressivité imprimabilité - imprimerie imprimeur imprimure imprimé impro improbabilité improbateur - improbité improductif improductivité impromptu impropriété improvisateur - imprudence imprudent imprécateur imprécation imprécision imprédictibilité - impréparation imprésario imprévisibilité imprévision imprévoyance imprévoyant - impuberté impubère impubérisme impudence impudent impudeur impudicité - impuissance impuissant impulsif impulsion impulsivité impunité impur impureté - imputation imputrescibilité impécuniosité impédance impédancemètre - impénitence impénitent impénétrabilité impératif impériale impérialisme - impéritie impétiginisation impétigo impétrant impétration impétuosité impôt - inacceptation inaccessibilité inaccompli inaccomplissement inaccusatif - inachèvement inactif inactinisme inaction inactivateur inactivation inactivité - inadaptabilité inadaptation inadapté inadmissibilité inadvertance inadéquation - inaliénabilité inaliénation inalpage inaltérabilité inaltération inamovibilité - inanitiation inanition inanité inapaisement inapplicabilité inapplication - inapte inaptitude inarticulation inarticulé inassouvissement inattention - inauguration inauthenticité inca incandescence incantation incapable - incapacité incarcération incardination incarnadin incarnat incarnation - incendiaire incendie incendié incernabilité incertitude incessibilité inceste - incidence incident incidente incinérateur incinération incirconcision incise - incisive incisure incitabilité incitant incitateur incitation incivilité - inclinaison inclination inclinomètre inclusion inclémence incoction - incognito incohérence incombustibilité incomitance incommensurabilité - incommodité incommunicabilité incommutabilité incompatibilité incomplétude - incompréhensibilité incompréhension incompétence incompétent inconditionnalité - inconduite inconfort incongruence incongruité inconnaissable inconnaissance - inconnue inconscience inconscient inconsistance inconstance inconstant - inconstructibilité inconséquence incontestabilité incontinence inconvenance - inconvénient incoordination incorporalité incorporation incorporé incorporéité - incorrigibilité incorruptibilité incorruptible incrimination incroyable - incroyant incrustation incrustement incrusteur incrédibilité incrédule - incrément incrémentation incrétion incubateur incubation incube incuit - inculpation inculpé inculture incunable incurabilité incurable incurie - incursion incurvation incuse incération indamine indane indanone indanthrène - indazole inde indemnisation indemnitaire indemnité indentation - indexage indexation indexeur indianisation indianisme indianiste indianité - indianologue indianophone indic indican indicanurie indicanémie indicateur - indication indice indiction indien indiennage indienne indiennerie indienneur - indifférenciation indifférent indifférentisme indifférentiste indigence - indigestion indignation indignité indigo indigoterie indigotier indigotine - indigénat indigénisme indigéniste indirect indirubine indiscernabilité - indiscret indiscrétion indisponibilité indisposition indissociabilité - individu individualisation individualisme individualiste individualité - individuel indivisaire indivisibilité indivision indiçage indo-européen - indocilité indogène indol indolamine indole indolence indolent indoline - indométacine indonésien indophénol indosé indou indoxyle indoxylurie - indri indridé indu indubitabilité inductance inducteur induction induit - induline indult induration induse indusie industrialisation industrialisme - industrie industriel indut induvie indène indécence indécidabilité indécidué - indéclinabilité indéfectibilité indéfini indéformabilité indéfrisable - indélicatesse indélébilité indémontrabilité indénone indépendance indépendant - indépendantiste indérite indésirable indéterminabilité indétermination - indéterministe ineffabilité ineffectivité inefficacité ineptie inertie - inexcitabilité inexigibilité inexistence inexorabilité inexpression - inexpugnabilité inexpérience inextensibilité inextinguibilité inextricabilité - infaillibiliste infaillibilité infamie infant infanterie infanticide - infantilisation infantilisme infarcissement infarctectomie infatigabilité - infectiologie infectiologue infection infectiosité infectivité infectologie - infestation infeutrabilité infibulation infidèle infidélité infiltrat - infimité infini infinitif infinitiste infinitude infinité infinitésimalité - infirme infirmerie infirmier infirmité infixe inflammabilité inflammateur - inflation inflationnisme inflationniste inflexibilité inflexion inflorescence - influenza infléchissement info infocentre infographie infographiste infondu - informateur informaticien information informatique informatisation informel - infortune infortuné infotecture infothèque infraclusion infraction - infraduction infragerme infragnathie infralapsaire infralapsarisme - inframicrobiologie infranoir infraposition infrarouge infrason - infrastructure infrathermothérapie infroissabilité infrutescence infule - infundibuloplastie infundibulotomie infundibulum infusette infusibilité - infusoir infusoire infusé infécondité infélicité inféodation inférence - infériorisation infériorité ingestion ingluvie ingouche ingrat ingratitude - ingressive ingrisme ingriste ingrédient ingurgitation ingélivité ingénierie - ingénieur ingéniosité ingéniérie ingénu ingénue ingénuité ingérence inhabileté - inhalateur inhalation inharmonie inhibeur inhibine inhibiteur inhibition - inhumanité inhumation inhérence inie iniencéphale inimitié ininflammabilité - inintelligibilité iniodyme inion iniope iniquité initiale initialisation - initiateur initiation initiative initié injecteur injection injective - injonctif injonction injure injustice inlay innavigabilité innervation - innocent innocuité innovateur innovation innéisme innéiste innéité ino - inobservation inoccupation inoculabilité inoculant inoculation inoculum - inocérame inondation inondé inopportunité inopposabilité inorganisation - inosilicate inosine inosite inositol input inquart inquartation inquiet - inquilisme inquisiteur inquisition inquiétude insaisissabilité insalivation - insane insanité insaponifiable insaponifié insatiabilité insatisfaction - insaturation inscription inscrit inscrivant insculpation insectarium insecte - insectivore inselberg insensibilisation insensibilité insensé insert insertion - insigne insignifiance insincérité insinuation insipidité insistance - insolateur insolation insolence insolent insolubilité insolvabilité insolvable - insomnie insondabilité insonorisation insonorité insouciance insouciant - inspecteur inspection inspectorat inspirateur inspiration inspiré instabilité - installateur installation instance instanciation instant instantané - instaurateur instauration instigateur instigation instillateur instillation - instinctif instinctivité instit institut instituteur institution - institutionnalisme institué instructeur instruction instrument - instrumentalisme instrumentaliste instrumentalité instrumentation - insubmersibilité insubordination insuffisance insuffisant insufflateur - insulaire insularisme insularité insulinase insuline insulinodépendance - insulinorésistance insulinosécrétion insulinothérapie insulinémie insulite - insulteur insulté insurgé insurrection insécabilité insécurité inséminateur - inséparabilité inséparable intaille intangibilité intarissabilité intellect - intellectualisation intellectualisme intellectualiste intellectualité - intelligence intelligentsia intelligentzia intelligibilité intello - intemporalité intempérance intempérie intendance intendant intensif - intensification intension intensité intention intentionnaliste intentionnalité - interaction interactionisme interactionniste interactivité interattraction - intercalation intercepteur interception intercesseur intercession - intercirculation interclasse interclassement interclasseuse intercommunalité - intercommunion intercompréhension interconfessionnalisme interconnection - intercorrélation intercourse interculturalité interdentale interdiction - interdit interdune interdépartementalisation interdépendance interface - interfluve interfoliage interfonctionnement interfrange interfécondité - interférogramme interféromètre interférométrie interféron interglaciaire - interinsularité interjection interlangue interleukine interlignage interligne - interlock interlocuteur interlocution interlocutoire interlude intermarché - intermezzo intermission intermittence intermittent intermodulation intermonde - intermède intermédiaire intermédiation intermédine intermédinémie - internat internationale internationalisation internationalisme - internationalité internaute interne internement internet interneurone - internonce interné internégatif interoperculaire interopérabilité - interparité interpellateur interpellation interphase interphone interpolateur - interpositif interposition interprète interprétant interprétariat - interprétation interpréteur interpsychologie interpénétration interrayon - interro interrogateur interrogatif interrogation interrogative interrogatoire - interrupteur interruption interrègne interréaction interrégulation intersaison - intersection intersession intersexualité intersexué intersigne interstice - interstérilité intersubjectivité intersyndicale intertextualité intertitre - interurbain intervalle intervallomètre intervenant intervention - interventionniste interverrouillage interversion interview interviewer - interviewé intervisibilité intervocalique intestat intestin inti intima - intime intimidation intimisme intimiste intimité intimé intitulé intolérance - intonation intonologie intonème intorsion intouchabilité intouchable intoxe - intoxiqué intraception intraconsommation intradermo intradermoréaction - intrait intranet intransigeance intransigeant intransitif intransitivité - intrant intranule intrapreneur intraprise intraveineuse intrication intrigant - intro introducteur introduction introjection intromission intron intronisation - introspection introversif introversion introverti intrusion intrépidité - intuitif intuition intuitionnisme intuitionniste intuitivisme intumescence - intégrabilité intégrale intégralité intégrase intégrateur intégration - intégrine intégrisme intégriste intégrité intéressement intéressé intérieur - intérimaire intériorisation intériorité intérocepteur intéroception - intérêt inuit inule inuline inutile inutilité invagination invalidation - invalidité invar invariabilité invariance invariant invasion invective invendu - inventeur inventif invention inventivité inventoriage inversation inverse - inversible inversion invertase inverti invertine invertébré investigateur - investissement investisseur investiture invincibilité inviolabilité - invisibilité invitation invitatoire invite invité invocateur invocation - involucre involution invraisemblance invulnérabilité inyoïte inédit - inégalitarisme inégalité inélasticité inéligibilité inéluctabilité inélégance - inéquation inéquité inéquivalence inésite inétanchéité iodaniline iodargyre - iodate iodation iodhydrate iodhydrine iodide iodisme iodler iodobenzène - iodofluorescéine iodoforme iodomercurate iodométrie iodonium iodophilie - iodosobenzène iodostannate iodostannite iodosulfure iodosylbenzène - iodotyrosine iodoventriculographie iodoéthylène iodure iodurie iodurisme - iodyle iodylobenzène iodyrite iodémie iodéthanol iolite ion ionien ionique - ionogramme ionomère ionone ionophorèse ionoplastie ionosphère ionothérapie - iophobie iora iotacisme iourte ipnopidé ipomée ippon ipséité ipéca ipécacuanha - iranien iranisant iranite iraota iraqien iraquien irascibilité irathérapie ire - iridacée iridectomie iridochoroïdite iridoconstricteur iridocyclite iridocèle - iridodonèse iridologie iridologue iridomyrmécine iridoplégie iridopsie - iridoscope iridoscopie iridotomie iridoïde irisation iritomie irone ironie - irradiance irradiateur irradiation irrationalisme irrationaliste irrationalité - irrationnel irrationnelle irrecevabilité irrespect irresponsabilité - irrigant irrigateur irrigation irrigraphie irritabilité irritant irritation - irruption irréalisme irréaliste irréalité irrécupérabilité irrédentisme - irréductibilité irréflectivité irréflexion irréfutabilité irrégularité - irréligion irréprochabilité irrésistibilité irrésolution irrétrécissabilité - irrévocabilité irrévérence irvingianisme irvingien irvingisme irvingiste irène - irénarque irénidé irénisme iréniste irésie isabelle isallobare isallotherme - isaster isba ischiadelphe ischion ischiopage ischiopagie ischium ischnochiton - ischnoptère ischnura ischémie isiaque islamisant islamisation islamisme - islamologie islamologue islandite ismaélien ismaélisme ismaélite ismaïlien - isoamyle isoantigène isoapiol isoarca isobare isobathe isobutane isobutanol - isobutylène isobutyraldéhyde isobutène isocarde isochimène isochromosome - isoclasite isocline isocoagulabilité isocorie isocyanate isocytose isocélie - isodactylie isodensité isodiphasisme isodynamie isodynamique isoenzyme - isofenchol isogamie isogamme isoglosse isoglucose isoglycémie isognomon - isograde isogramme isogreffe isogéotherme isohaline isohypse isohyète isohélie - isolant isolat isolateur isolation isolationnisme isolationniste isolement - isoleur isologue isoloir isolysine isolé isomorphie isomorphisme isomère - isomérase isomérie isomérisation isométrie isoniazide isonitrile isonomie - isooctane isopaque isoparaffine isopathie isopentane isopentanol isopenténol - isopet isopièze isoplastie isopode isopolitie isopropanol isopropylacétone - isopropylcarbinol isopropyle isopropényle isoprène isoprénaline isoptère - isopycne isoquinoline isoquinoléine isorel isorythmie isosafrole - isosiste isosoma isosonie isosporie isostasie isosthénurie isostère isostérie - isoséiste isotherme isothermie isothermognosie isothiazole isothiocyanate - isothéniscope isothérapie isothérapique isotonicité isotonie isotonisme - isotopie isotransplantation isotron isotrope isotropie isotype isotypie - isotélie isovaléraldéhyde isovaléricémie isovanilline isoxazole isozyme isoète - israélite issa issue isthme isthmoplastie istiophoridé istiure isuridé - italianisant italianisation italianisme italianité italien italique italophone - item ithyphalle ithyphallique ithyphallisme itinéraire itinérance itinérant - itération iule ive ivette ivoire ivoirerie ivoirien ivoirier ivraie ivresse - ivrognerie iwan ixage ixia ixode ixodidé izombé iérodule jabiru jablage jable - jablière jabloir jabloire jaborandi jabot jaboteur jabotière jacamar jacana - jacasse jacassement jacasserie jacasseur jachère jacinthe jaciste jack jacket - jacksonisme jacksoniste jaco jacobin jacobinisme jacobite jacobsite jacobée - jacquard jacqueline jacquemart jacquerie jacquet jacquier jacquine jacquot - jactancier jactation jactitation jacupirangite jacuzzi jacée jade jadéite - jagdterrier jaguar jaguarondi jaillissement jalap jale jalet jalon jalonnage - jalonnette jalonneur jalousie jalpaïte jam-session jamaïcain jamaïquain - jambart jambe jambette jambier jambière jambon jamboree jambose jambosier - jamesonite jan jangada janicéphale janissaire janotisme jansénisme janséniste - janthine janthinosoma jantier jantière janvier japon japonaiserie japonerie - japonisme japoniste jappement jappeur jaque jaquelin jaquemart jaquette - jar jard jarde jardin jardinage jardinerie jardinet jardinier jardiniste - jardon jaret jargon jargonagraphie jargonaphasie jargonnage jargonneur jarl - jarosse jarousse jarovisation jarrah jarre jarret jarretelle jarretière - jaseron jaseur jasmin jasmoline jasmolone jasmone jaspe jaspineur jaspure - jasserie jassidé jatte jattée jauge jaugeage jaugeur jaumière jaune jaunet - jaunisse jaunissement jauressisme jauressiste java javart javelage javeleur - javeline javelle javellisation javelot jayet jaïn jaïnisme jean jeannette - jeannotisme jeep jefferisite jeffersonite jenny jerk jerrican jerricane - jersey jet jetage jeteur jeton jettatore jettatura jeté jetée jeudi jeune - jeunet jeunot jeûne jeûneur jharal jig jigger jingle jingoïsme jingoïste - joachimisme joaillerie joaillier job jobard jobarderie jobardise jobber - jociste jockey jocrisse jodler joel joeniidé jogger joggeur jogging jogglinage - joie joignabilité joint joint-venture jointage jointement jointeur jointeuse - jointoiement jointoyeur jointure jojo jojoba joker joliesse jonc joncacée - jonchaie joncheraie jonchet jonchère jonchée jonction jonglage jonglerie - jonker jonkheer jonque jonquille jordanien jordanite josefino joséite - joséphiste jota jotunite joualle jouannetia joubarbe joue jouet joueur joufflu - jouillère jouissance jouisseur jouière joule joupan jour journade journalier - journalisme journaliste journée joute jouteur jouvence jouée jovialité jovien - joyeuse joyeuseté jubarte jubilation jubilé jubé juchoir juchée judaïcité - judaïsation judaïsme judaïté judelle judicature judiciarisation judiciarité - judogi judoka judolie judéité judéo-arabe juge jugement jugeote jugeotte - jugeur juglandacée juglone jugulaire jugulogramme juif juillet juillettiste - juinite juiverie jujube jujubier julep julie julienne juliénite julot jumbo - jumboïsation jumelage jumelle jument jumenterie jumenté jump jumper jumping - jungien jungle junior juniorat junker junkie junte jupe jupette jupier jupon - jurande jurançon jurassien jurat jurement jureur juridicité juridiction - juridisme jurisconsulte jurisprudence juriste juron jury juré jurée jusant - jusquiame jussiaea jussieua jussif jussiée juste justesse justice - justiciable justicialisme justicialiste justicier justien justificatif - jusée jutage jute juteuse jutosité juveignerie juveigneur juvénat juvénile - juvénilité juxtaposition jèze jéciste jéjunoplastie jéjunostomie jéjunum - jérémiade jéréméijéwite jésuate jésuite jésuitisme jésuitière ka kabbale - kabuki kaburé kabyle kacha kache kachkaval kachoube kadi kaempférol kagan - kainate kaiser kakapo kakemono kaki kakortokite kakémono kalachnikov kali - kalicytie kalij kaliophilite kaliopénie kalithérapie kalium kaliurie kaliurèse - kallicréine kallicréinogène kallidine kallidinogène kallikréine kallima - kalong kaléidoscope kamala kami kamichi kamikaze kammerérite kamptozoaire - kan kanak kanamycine kandjar kangourou kanouri kantien kantisme kaoliang - kaolinisation kaolinite kaon kapo kapok kapokier karacul karakul karaoké - karatéka karaïsme karité karst karstification kart karting karyokinèse - karélianite kasbah kaskaval kasolite kata katal kataphasie katchina katmanché - kawa kayac kayak kayakiste kazakh kaïnite kaïnosite kebab keepsake keffieh - kelpie kelvin kempite ken kendo kentia kentisme kentomanie kentrolite - kentrotomie kenyan kenyapithèque kerdomètre kerivoula kermesse kermésite - kernite kerria kerrie kersantite keryke ketch ketmie keynesianisme - keynésien khaghan khalifat khalife khamsin khan khanat kharidjisme kharidjite - khat khelline khmer khoum khâgne khâridjisme khâridjite khédivat khédive - khôl kichenotte kick kid kidnappage kidnappeur kidnapping kieselguhr kieselgur - kiki kikuyu kil kilim kilo kilo-octet kiloampère kiloampèremètre kilobase - kilobit kilocalorie kilocycle kilofranc kilogramme kilogrammètre kilojoule - kilomot kilomètre kilométrage kilonewton kilopascal kilotonne kilovolt - kilowattheure kilt kimbanguisme kimberlite kimono kina kinase kincajou - kinescopie kinesthésie kinesthésiomètre king kininase kinine kininogène - kinorhynque kinosterniné kinzigite kiné kinébalnéothérapie kinédensigraphie - kinésimètre kinésimétrie kinésithérapeute kinésithérapie kinétoscope kiosque - kip kippa kipper kir kit kitchenette kitol kiwi klaprothite klaxon klebsiella - kleptomane kleptomanie klingérite klippe klystron kneria knicker knickerbocker - knout koala kob kobellite kobo kobold kodak kodiak koechlinite koenenia - koheul kohol koinè kola kolatier kolatine kolatisme kolhkozien kolinski - kolkhozien koléine kommandantur kondo koninckite koniose konzern kookaburra - kopek kophémie kopiopie kornélite kornérupine korrigan korê kosovar koto - kouglof koulak koulibiac kouprey kourgane kouriatrie koustar koweitien - koïlonychie kraal krach kraft krait krak kraken kral kramerie krausite kremlin - kremlinologue krennérite kreuzer krill kroehkhnite kropper kroumir krouomanie - kröhnkite kubisagari kufique kugelhof kuhli kumbocéphalie kummel kumquat - kurde kuru kwacha kwanza kwashiorkor kyanite kyat kymographe kymographie - kyrielle kystadénome kyste kystectomie kystitome kystitomie kystoentérostomie - kystome kystoscopie kystotomie kéa kéfir kélotomie kéloïde kémalisme - kénotron képhir képhyr képi kéraphyllocèle kératalgie kératectasie - kératine kératinisation kératinocyte kératite kératoconjonctivite kératocèle - kératodermie kératoglobe kératolyse kératolytique kératomalacie kératome - kératomégalie kératométrie kératopachométrie kératopathie kératophakie - kératoplastique kératoprothèse kératoscope kératoscopie kératose kératotome - kérion kérithérapie kérogène kérose kérosène kétansérine kétophénylbutazone - labanotation labarum labbe labdanum label labelle labeon labeur labferment - labiale labialisation labidognathe labidosaure labidostome labidure labie - labiodentale labiographie labiolecture labiomancie labiopalatale labiovélaire - labiée labo laborantin laboratoire labour labourage laboureur labrador - labre labri labridé labrit labrocyte labroïde labru labyrinthe labyrinthite - labyrinthodonte labétalol lac lacanien lacanisme lacazella laccase laccol - laccolithe laccophile lacement laceret lacerie lacertidé lacertien lacertilien - lacette laceur lachésille lacodacryocystostomie lacodacryostomie lacon - lacorhinostomie lacroixite lactacidémie lactaire lactalbumine lactame - lactarium lactase lactate lactation lactatémie lactescence - lacticémie lactide lactime lactobacille lactodensimètre lactodéshydrogénase - lactoflavine lactogenèse lactoglobuline lactomètre lactone lactonisation - lactose lactostimuline lactosurie lactosémie lactosérum lactothérapie - lactucine lactulose lacuna lacunaire lacune lacé lacédémonien lacération lad - ladanum ladin ladino ladre ladrerie laetilia lagan lagane laganum lagisca - lagon lagophtalmie lagopède lagostome lagotriche lagrangien lagrie laguiole - lagune lagynidé lagénorhynque lai laiche laideron laideur laie laimargue - laine lainerie laineur laineuse lainier laird laisse laissé lait laitage - laite laiterie laiteron laitier laitière laiton laitonnage laitue laize - lallation lalliement lalopathie laloplégie lama lamage lamanage lamaneur - lamarckien lamarckisme lamartinien lamaserie lamaïsme lamaïste lambada - lambel lambic lambick lambin lambinage lamblia lambliase lambourde lambrequin - lambruche lambrusque lambswool lame lamellation lamelle lamellibranche - lamellirostre lamellé lamentation lamento lamette lamie lamier lamification - laminage laminagraphie laminaire laminale laminectomie laminerie laminette - lamineuse laminoir laminé lamnidé lamoute lampadaire lampadophore lamparo - lampetia lampion lampiste lampisterie lampotte lampourde lamprididé - lamprillon lamprima lamprocoliou lamprocère lamproie lampromyie lampronie - lamprorhiza lamproïte lampyre lampyridé lampée lamé lanarkite lancastrien - lance-amarre lance-harpon lance-pierre lancelet lancement lancepessade - lancer lancette lanceur lancier lancination lancinement lancé lancée land - landau landaulet lande landgrave landgraviat landier landlord landolphia - landseer landsturm landtag landwehr laneret langage langaha langaneu - langbeinite lange langite langouste langoustier langoustine langoustinier - langrayen langue languedocien languette langueur langueyage langueyeur - languissemment langur languria lanier laniidé lanista lanière lanoline - lansfordite lansquenet lansquenette lansquine lantana lantania lantanier - lanternier lanternon lanthanide lanthanite lanthanotidé lanugo lançage lançoir - lao laotien lapalissade laparocèle laparophotographie laparoplastie - laparosplénectomie laparostat laparotomie lapement laphria laphygma lapicide - lapidariat lapidation lapideur lapidification lapin lapinisation lapinisme - lapié laplacien lapon lapping laptot laquage laque laqueur laquier laqué lar - larbin larbinisme larcin lard lardage larderellite lardoire lardon lare - largage largesse larget largeur larghetto largo largueur laria laricio laridé - larigot larme larmier larmille larmoiement larmoyeur larnite larra larron - larsénite larve larvicide larvikite larvule laryngale laryngectomie laryngisme - laryngocèle laryngofissure laryngographie laryngologie laryngologiste - laryngonécrose laryngopathie laryngophone laryngoplastie laryngoplégie - laryngopuncture laryngoscope laryngoscopie laryngospasme laryngospasmophilie - laryngotome laryngotomie laryngotrachéite laryngotrachéobronchite lasagne - lasciveté lascivité laser lasie lasiocampe lasiocampidé lasioderma lasioptère - lassitude lasso lasting lasure lasérothérapie latanier latence latensification - lathrobium lathyrisme laticaudiné laticifère laticlave latifundisme - latimeria latin latinisant latinisation latiniseur latinisme latiniste - latino latino-américain latite latitude latitudinaire latitudinarisme latrie - latroncule lattage latte latté latérale latéralisation latéralité latérisation - latéritisation latérocidence latérocèle latérofibroscope latéroflexion - latéroposition latéropulsion latéroscope latéroversion laudanum laudateur - laumontite laura lauracée laurate laure laurier laurionite laurite laurvikite - lauréole lause lautarite lautite lauxanie lauze lavabilité lavabo lavage - lavallière lavandaie lavande lavandiculteur lavandiculture lavandier lavandin - lavandol lavandulol lavaret lavasse lave lave-pont lavement lavendulane - laverie lavette laveur laveuse lavignon lavogne lavoir lavra lavure lavée - lawrencite lawsonite laxatif laxisme laxiste laxité layage laye layeterie - layette layetterie layon lazaret lazariste laze lazulite lazurite lazzarone - laçage laîche laïc laïcat laïcisation laïcisme laïciste laïcité laïka laïque - le leader leadership leadhillite leaser leasing lebel lebia lecanium lecontite - lectine lectionnaire lectorat lecture legato leghorn legionella leia - leightonite leipoa leishmania leishmanide leishmanie leishmaniose leitmotiv - lek lem lemmatisation lemmatophora lemme lemming lemmoblastome lemmome - lemniscate lemnisme lempira lendemain lendit lente lenteur lenticelle - lenticône lentigine lentiginose lentiglobe lentigo lentille lentillon - lento lenzite leonberg leone lepidosiren lepréchaunisme lepte leptidea - leptique leptocorise leptocurare leptocyte leptocytose leptocère leptocéphale - leptolithique leptoméduse leptoméninge leptoméningiome leptoméningite lepton - leptophlébie leptophonie leptoplana leptopode leptopome leptoprosope - leptopsylla leptorhinie leptorhinien leptosomatidé leptosome leptosomie - leptospirose leptosporangiée leptostracé leptotyphlopidé lepture leptynite - lernéocère lesbianisme lesbien lesbienne lesbisme lessivage lessive lessiveur - lessivier lest lestage lesteur letchi lette letton lettrage lettre lettrine - lettriste lettré lettsomite leucandra leucanie leucaniline leucaphérèse - leucine leucinose leucite leucitite leucoagglutination leucoagglutinine - leucoblaste leucoblastomatose leucoblastorachie leucoblastose leucoblasturie - leucochroa leucochroïdé leucoconcentration leucocorie leucocyte leucocytolyse - leucocytométrie leucocytophérèse leucocytose leucocytothérapie leucocyturie - leucodermie leucodystrophie leucodérivé leucoencéphalite leucoencéphalopathie - leucogramme leucogranite leucogénie leucokératose leucolyse leucolysine - leucomalacie leucomatose leucome leucomyélite leucomyélose leucomélanodermie - leuconostoc leuconychie leuconévraxite leucophaea leucophane leucophérèse - leucoplaste leucopoïèse leucopédèse leucopénie leucopénique leucorragie - leucosarcomatose leucose leucosolénia leucosphénite leucostase - leucothrombopénie leucotome leucotomie leucotransfusion leucotrichie - leucoxène leucémide leucémie leucémique leucémogenèse leude leurrage leurre - levain levalloisien levantin lever leveur leveuse levier levraut levrette - levurage levure levurerie levuride levurier levurose levé levée lewisite - lexicographe lexicographie lexicologie lexicologue lexicométrie - lexie lexique lexème leçon li liage liaison liaisonnement liane liant liard - liasthénie libage libanisation libanomancie libation libeccio libelle - libellule libellulidé libelluloïde libellé liber libero libertaire libertarien - libertin libertinage liberty-ship liberté libouret libraire librairie - librettiste libretto libyen libythée libérable libéralisation libéralisme - libérateur libération libérien libérine libériste libéré libéthénite lice - licenciement licencié liche lichen lichette licheur lichée lichénification - lichénisation lichénologie licier licitation licol licorne licou licteur - lido lie liebigite lied liement lien lienterie lierne lierre liesse lieu - lieue lieur lieuse lieutenance lieutenant lift lifteur liftier lifting - ligamentopexie ligand ligase ligature ligie lignage lignager lignane lignard - lignerolle lignette ligneul ligneur ligniculteur ligniculture lignification - lignite lignivore lignocaïne lignomètre lignée ligoriste ligot ligotage - ligue ligueur ligulaire ligule liguliflore liguline ligulose liguoriste ligure - ligérien lilangen liliacée liliale liliiflore lilium lillianite lilliputien - limacelle limacia limacidé limacodidé limacé limage limaille liman limandage - limandelle limapontie limaçon limaçonne limaçonnière limbe limburgite lime - limette limettier limettine limeur limeuse limicolaire limicole limidé limier - limitation limite limiteur limnia limniculteur limniculture limnigraphe - limnimétrie limnobie limnogale limnologie limnophile limnophyte limnoria - limnéidé limogeage limon limonade limonadier limonage limonaire limonier - limonite limonière limonène limoselle limosine limougeaud limousin limousinage - limousine limpidité limule lin lina linacée linaigrette linaire linalol - linalyle linarite linceul linckia lincomycine lincosamide lindackérite linea - linette linga lingam linge linger lingerie lingot lingotage lingotier - linguale linguatule linguatulide linguatulose lingue linguette linguiste - lingule lingulectomie lingère liniculteur liniculture linier liniment linite - link-trainer linkage linnaéite linnéite lino linogravure linoleum linoléate - linolénate linoléum linon linophryné linotte linotype linotypie linotypiste - linsoir linter linthia linthie linyphie linçoir linéaire linéale linéament - linéarité linéation linéature liobunum liolème liomyome lion liondent liotheum - liparite liparitose lipase lipasémie lipectomie lipeure liphistiidé - liphyra lipide lipidogenèse lipidoglobuline lipidogramme lipidoprotidogramme - lipidoprotéinose lipidose lipidurie lipidémie lipizzan lipoaspiration - lipoblaste lipochrome lipochromie lipocortine lipocyte lipocèle lipodiérase - lipodystrophie lipofibrome lipofuchsine lipofuchsinose lipofuscine lipogenèse - lipogranulomatose lipogranulome lipogranuloxanthome lipohistodiarèse lipolyse - lipome lipomicron lipomoduline lipomucopolysaccharidose lipomyxome liponeura - lipoperoxydation lipophilie lipopolysaccharide lipoprotéine lipoprotéinogramme - lipoptène liposarcome liposclérose liposome liposuccion liposynthèse - lipothymique lipothymome lipotropie lipotyphle lipovaccin lipoxygénase - lipoïde lipoïdose lipoïdémie lippe lippée lipurie lipémie liquation liquette - liquidambar liquidateur liquidation liquide liquidité liquoriste liquoristerie - liquéfaction lire lirette lirio liriomyza liroconite liron lisage lisboète - liserage liseron liseré lisette liseur liseuse lisibilité lisier lisière - lispe lissage lisse lissette lisseur lisseuse lissier lissoir lissé listage - listel listerellose listeria listing liston listère listériose lisztien - liséré lit litanie litchi literie litham litharge lithectomie lithergol - lithiasique lithification lithine lithiné lithiophilite lithiophorite - litho lithobie lithochrome lithoclase lithoclaste lithoclastie lithocérame - lithodome lithogenèse lithoglyphe lithographe lithographie lithograveur - lithogénie lithologie lithologiste litholytique lithomancie lithomarge - lithopexie lithophage lithophanie lithophone lithophyte lithopone lithopédion - lithosie lithosol lithosphère lithostratigraphie lithothamnium lithotome - lithotripsie lithotripteur lithotriptique lithotriteur lithotritie - lithuanien lithémie litige litispendance litière litonnage litopterne litorne - litre litron litsam littorine littorinidé littrite littéraire littéralisme - littérarité littérateur littérature lituanien lituole lituolidé liturge - liturgiste litée liure livarde livarot livedo liveingite livet lividité livie - livingstonite livraison livre livret livreur livreuse livrée livèche - lixophaga liège lièvre lié liégeage liégeur llanero llano loader loafer loasa - loase lob lobbying lobbyisme lobbyiste lobe lobectomie lobengulisme lobiophase - lobodontiné lobomycose lobopode loboptère lobotomie lobotomisation lobule - lobélie lobéline locale localier localisateur localisation localisationnisme - localisme localité locataire locateur locatif location locature loch loche - lochiorragie lochmaea lockisme locomobile locomotion locomotive locomotrice - locuste locustelle locuteur locution loddigésie loden lodier loellingite - lof loft loftusia log logagnosie loganiacée logarithme loge logeabilité - logement logette logeur loggia logiciel logicien logicisme logiciste - logique logiste logisticien logistique logithèque logo logocentrisme - logocophose logogramme logographe logographie logogriphe logolâtrie logomachie - logoneurose logonévrose logopathie logophobie logoplégie logopédie logorrhée - logosphère logothète logotype logétron lohita loi lointain loir loisir lokoum - lollard lollardisme lolo lombago lombaire lombalgie lombalisation lombard - lombarthrie lombarthrose lombodiscarthrose lombosciatalgie lombosciatique - lombotomie lombric lombricose lombricule lombriculteur lombriculture lompe - loméchuse lonchaea lonchodidé lonchère londonien long-courrier longane - longanimité longe longeron longhorn longicorne longifolène longiligne - longitarse longitude longière longotte longrine longue longuet longuette - longévité looch loofa look looping lopette lopha lophiiforme lophiodon - lophobranche lophogastridé lophohélie lophophore lophophorien lophophytie - lophotriche lophure lophyre lopin lopézite loquacité loque loquet loquette - lorandite loranthacée lord lordose lordosique lordotique lorenzénite lorette - lorgnon lori loricaire loricariidé loricate loricule loriot loriquet lorisidé - lormier lorocère lorrain losange loseyite lot lote loterie lotier lotion - lotisseur loto lotta lotte louage louageur louange louangeur loubard loubine - louchement loucherie louchet loucheur louchon loudier loueur loufiat loufoque - louftingue lougre loukoum loulou loup loupage loupe loupiot loupiote loupé - lourdaud lourde lourdeur loure loustic loutre loutreur loutrier louvard - louvaréou louve louvetage louveterie louveteur louvetier louvette louvoiement - louée lovelace lovéite lowton loxodonte loxodromie loyalisme loyaliste loyauté - lubie lubricité lubrifiant lubrificateur lubrification lucane lucanien lucarne - lucernule luchage luche lucidité lucifuge luciférase luciférien luciférine - lucimètre lucine lucinidé luciole lucite lucre lucumon luddisme luddite - ludion ludisme ludlamite ludlockite ludothèque ludothérapie ludwigite lueshite - lueur luffa luge luger lugeur luidia luisance luisant lujavrite lulibérine - lumachelle lumbago lumbarthrie lumbarthrose lumen lumignon luminaire luminance - luminescence luminisme luministe luminogène luminol luminophore luminosité - lumitype lumière lumme lump lunaire lunaison lunarite lunatique lunatum lunch - lune luneteuse lunetier lunetière lunette lunetterie lunettier lunule lunulé - lunévilleuse luo luo-test lupanar lupanine luperque lupin lupinine lupinose - lupo-érythémato-viscérite lupome lupoïde lupulin lupuline lupère lupéol luron - lusin lusitain lusitanien lusitaniste lusitanité lusophone lusophonie - lustrage lustration lustre lustrerie lustreur lustreuse lustrine lustroir lut - luteinising luth lutherie luthier luthiste luthéranisme luthérien lutidine - lutinerie lutite lutjanidé lutraire lutrin lutriné lutte lutteur lutécien - lutéine lutéinisation lutéinome lutéinostimuline lutéinémie lutéolibérine - lutéolyse lutéome lutéotrophine luvaridé luxation luxe luxmètre luxullianite - luxuriance luzerne luzernière luzin luzonite luzule luétine luétisme lyase - lycaea lycanthrope lycanthropie lycaon lycaste lychee lychnite lycidé lycode - lycope lycoperdon lycopode lycopodiale lycopodinée lycopène lycorexie lycorine - lycosidé lycra lycte lycène lycée lycéen lycénidé lyddite lyde lydella lydien - lygodactyle lygosome lygéidé lymantria lymantriidé lymexylon lymnée lymnéidé - lymphadénie lymphadénite lymphadénomatose lymphadénome lymphadénopathie - lymphadénose lymphagogue lymphangiectasie lymphangiectode lymphangiectomie - lymphangiome lymphangioplastie lymphangiosarcome lymphangite lymphaniome - lymphatite lymphe lymphite lymphoblaste lymphoblastomatose lymphoblastome - lymphoblastose lymphocyte lymphocytogenèse lymphocytolyse lymphocytomatose - lymphocytophtisie lymphocytopoïèse lymphocytopénie lymphocytosarcome - lymphocytotoxicité lymphocytotoxine lymphocytémie lymphocèle lymphodermie - lymphoedème lymphogenèse lymphogonie lymphogranulomatose lymphogranulome - lymphohistiocytose lymphokine lympholeucocyte lymphologie lympholyse - lymphome lymphomycose lymphopathie lymphoplastie lymphopoïèse lymphopénie - lymphorrhée lymphoréticulopathie lymphoréticulosarcome lymphoréticulose - lymphosarcome lymphoscintigraphie lymphoscrotum lymphose lymphostase - lymphotoxine lymphoïdocyte lymphémie lyméxylonidé lynchage lyncheur lynchia - lyocyte lyocytose lyophilie lyophilisat lyophilisateur lyophilisation - lypressine lypémanie lyre lyric lyricomane lyrique lyrisme lysat lyse - lysergide lysidice lysimaque lysimètre lysine lysinoe lysiure lysmata - lysogénie lysokinase lysosome lysotypie lysozyme lysozymurie lysozymémie - lystre lystrosaure lythraria lyxose lâchage lâche lâcher lâcheté lâcheur lâché - lèchefrite lèchement lèpre lète lève lève-ligne lève-palette lève-vitre lèvre - lébétine lécanore léchage léchette lécheur lécithinase lécithine lécythe - légalisation légalisme légaliste légalité légat légataire légation légende - légion légionella légionellose légionnaire législateur législatif législation - législature légisme légiste légitimation légitime légitimisation légitimisme - légitimité légitimé légume légumier légumine légumineuse légèreté léiasthénie - léiomyoblastome léiomyome léiomyosarcome léiopelmidé léma lémur lémure - lémurien lémuriforme léninisme léniniste lénitif léonard léonite léontodon - léopard léopoldisme lépadogaster lépidine lépidocrocite lépidocycline - lépidolite lépidope lépidoptère lépidoptériste lépidoptérologie lépidosaurien - lépidosirène lépidostée lépilémur lépiote lépisme lépisostée léporide léporidé - léporin lépospondyle lépralgie lépride léprologie léprologiste léprologue - lépromine léproserie lépyre lépyronie lérot lérotin lésine lésinerie lésineur - létalité léthalité léthargie léthologie lévartérénol léviathan lévigation - lévirostre lévitation lévite lévocardie lévocardiogramme lévoglucosane - lévoposition lévorotation lévoversion lévrier lévulose lévulosurie lévulosémie - lézard lézarde lüneburgite ma-jong maboul mabuya mac macaco macadam - macaire macaque macaron macaroni macaronisme macassar maccarthysme - maccartisme macchabée maceron macfarlane mach machaeridé machairodonte machaon - machette machiavel machiavélisme machicot machicotage machile machin - machination machine machinerie machinisme machiniste machinoir machisme - machmètre macho machozoïde mackintosh maclage macle macloir macoma macquage - macramé macrauchenia macre macreuse macro macroasbeste macrobiote - macrobrachium macrocheilie macrocheire macrochilie macrochirie macrocortine - macrocycle macrocyste macrocytase macrocyte macrocytose macrocère macrocéphale - macrodactyle macrodactylie macrodontie macrodécision macroendémisme - macrogamétocyte macroglie macroglobuline macroglobulinémie macroglosse - macroglossite macrognathie macrographe macrographie macrogénitosomie - macroinstruction macrolide macrolyde macrolymphocyte macrolymphocytomatose - macromolécule macromère macromélie macroparéite macrophage macrophagocytose - macrophtalme macrophya macropie macropneuste macropode macropodidé macropodie - macroprosopie macropsie macroramphosidé macroscope macroscopie macroscélide - macroskélie macrosociologie macrosomatie macrosomie macrosporange macrospore - macrostructure macroséisme macrothylacea macrotie macrotome macrotoponyme - macroure macrouridé macrozamia macrozoaire macroéconomie macroéconomiste - mactre macula maculage maculation maculature macule maculopathie maculosine - macédoine macédonien macérateur macération madapolam madarose madeleine - madone madoqua madrague madragueur madrasa madrier madrigalisme madrigaliste - madrure madréporaire madrépore maduromycose madère madécasse madérisation - maelström maenidé maestria maestro maffia maffiotage mafia mafiologue - mafitite magasin magasinage magasinier magazine magdalénien mage magenta - maghzen magicien magicienne magie magiste magister magistrale magistrat - magistère magma magmatisme magmatiste magnan magnanarelle magnanerie magnanier - magnat magnet magnificence magnitude magnolia magnoliacée magnoliale magnolier - magnésamine magnésammine magnésie magnésioferrite magnésiothermie magnésite - magnésiémie magnésothérapie magnésémie magnétimètre magnétisation magnétiseur - magnétite magnétitite magnéto magnétocardiographie magnétocassette - magnétodynamique magnétogramme magnétohydrodynamique magnétomètre - magnéton magnétopause magnétophone magnétoscope magnétoscopie magnétosphère - magnétostratigraphie magnétostricteur magnétostriction magnétotellurique - magnétron magot magouillage magouille magouilleur magpie magret magrébin - magyarisation mahaleb maharadjah maharaja maharajah maharani mahatma mahdi - mahdiste mahométan mahométisme mahonia mahonne mahratte mahseer mai maia maie - maigreur maigrichon mail mailing maillade maillage maille maillechort - maillet mailletage mailleton mailleur mailleuse maillochage mailloche - maillon maillot maillotin maillure maimonidien main mainate mainbour - maindronia mainframe mainlevée mainmise mainmortable mainmorte maintenabilité - mainteneur maintenue maintien maire mairie maische maisière maison maisonnette - maistrance maizière maja majesté majeur majeure majidé majolique major - majorant majorat majoration majordome majorette majoritaire majorité majorquin - makaire makemono makhzen maki makila makimono mako mal-aimé malabar malabare - malabsorption malachie malachiidé malachite malacie malacobdelle malacocotyle - malacologie malacologiste malacologue malaconotiné malacoplasie - malacosoma malacostracé malactinide malade maladie maladrerie maladresse - malaga malaise malaisien malandre malandrin malaptérure malard malaria - malarien malariologie malariologiste malariologue malarmat malart malate - malaxeur malayophone malbouffe malbâti malchance malcontent maldane maldonite - malembouché malentendant malentendu maleo malfaisance malfaiteur malfaçon - malfrat malgache malherbologie malheur malhonnête malhonnêteté mali malice - malignité malikisme malikite malin malinké malintentionné mallardite malle - mallette mallophage malléabilisation malléabilité malléination malléine - malmenage malmignatte malnutri malnutrition malocclusion malonate malonylurée - malot malotru malouin malpighie malplaquet malpoli malposition malpropre - malstrom malt maltage maltaise maltase malterie malteur malthe malthusianisme - maltose maltosurie maltraitance maltôte malure malvacée malveillance - malvenu malversation malvidine malvoisie malvoyant maléate malédiction - malékisme malékite mamamouchi maman mamba mambo mamelle mamelon mamelouk - mamestre mamie mamillaire mamille mamilloplastie mammalogie mammalogiste - mammifère mammite mammographie mammoplastie mammose mammouth man mana manade - management manager manageur manakin manant manati manbarklak mancelle - mancenillier manche mancheron manchette manchisterie manchon manchot mancie - mandala mandale mandant mandarin mandarinat mandarine mandarinier mandat - mandatement mandature mandchou mandement mandi mandibulate mandibule mandingue - mandoliniste mandore mandorle mandragore mandrerie mandrier mandrill mandrin - mandrineur mandrineuse manducation mandéen mandéisme mandélate mandélonitrile - manette mangabey manganate manganicyanure manganimétrie manganin manganine - manganite manganocyanure manganophyllite manganosite manganostibite - manganurie manganémie mange-disque mangeaille mangeoire manger mangerie - mangeur mangeure mangle manglier manglieta mango mangot mangoustan - mangouste mangrove mangue manguier mangérite manhattan mania maniabilité - maniaque maniaquerie manicaria manichordion manichéen manichéisme manicle - manidé manie maniement maniette manieur manif manifestant manifestation - manifold manigance maniguette manil manille manilleur manillon manioc manip - manipulateur manipulation manipule manique manitou manivelle manière - maniériste manne mannequin mannequinage mannette mannide mannitane mannite - mannose mannosidase mannosidose manocage manodétendeur manodétenteur - manoeuvre manoeuvrier manographe manographie manoir manomètre manométrie - manoque manostat manotte manouche manouvrier manquant manque manquement manqué - mansarde mansart manse mansfieldite mansion mansonellose mansuétude mante - manteline mantella mantelure mantelé manticore mantidé mantille mantique - mantisse mantouan manualité manubrium manucure manucurie manuel manuelle - manufacturier manul manuluve manumission manuscrit manutention - manuterge manzanilla manzanillo manège manécanterie maori maoïsme maoïste - maquage maque maqueraison maquereautage maquereautier maquerelle maquettage - maquettisme maquettiste maqui maquignon maquignonnage maquillage maquille - maquisard maquée mar mara marabout maraboutisme maraca maranta marante marasme - marasquin marathe marathon marathonien marattiale maraud maraudage maraude - maraveur maraîchage maraîcher maraîchin marbrage marbre marbrerie marbreur - marbrière marbrure marbré marc marcasite marcassin marcassite marcescence - marchand marchandage marchandeur marchandisage marchandisation marchandise - marchantia marchantiale marchantie marche marchepied marchette marcheur - marchure marché marchéage marchéisation marcionisme marcioniste marcionite - marcographie marconi marcophile marcophilie marcottage marcotte marcusien - mardi mare marelle maremme marengo mareyage mareyeur marfil margaille - margarinerie margarinier margarite margarosanite margay marge margelle - margeur marginalisation marginalisme marginalité margot margotin margouillat - margoulin margousier margrave margraviat margravine marguerite marguillier - mariachi mariage marialite marianiste mariculteur mariculture marieur marigot - marijuana marin marina marinade marinage marine maringouin marinier marinisme - mariol mariolle mariologie marionnette marionnettiste marisa marisque mariste - maritimité maritorne marivaudage marié marjolaine mark marketing marle marli - marlou marlowien marmaille marmatite marmelade marmitage marmite marmiton - marmonnement marmorisation marmot marmottage marmotte marmottement marmotteur - marmouset marnage marne marneur marnière marocain maronite maroquin - maroquinerie maroquinier marotisme marotiste marotte marouette marouflage - maroute marquage marque marqueterie marqueteur marqueur marqueuse marquisat - marquisien marquoir marquésan marrainage marraine marrane marranisme marrant - marrellomorphe marron marronnage marronnier marrube marsala marsault marshite - marsouin marsupialisation martagon marte martelage martelet marteleur - martellement martellerie martellière martelé martensite martien martin - martinet martingale martinisme martiniste martite martoire martre martyr - martyrium martyrologe martèlement marxisant marxisation marxisme marxiste - marxologue marxophile maryland marâtre marène marèque marécage maréchalat - maréchalerie maréchaussée marée marégraphe maréomètre masaridé mascagnite - mascarade mascaret mascaron mascotte masculin masculinisation masculinisme - masculisme maser maskinongé maso masochisme masochiste masquage masque - massacre massacreur massage massaliote massasauga masse masselotte massepain - masseur massicot massicotage massicoteur massicotier massier massif - massiveté massivité massonia massorah massorète massothérapie massue massé - mastaba mastacembélidé mastalgie mastard mastectomie master mastic masticage - mastication masticatoire mastiff mastigadour mastiqueur mastite mastoblaste - mastocyte mastocytome mastocytose mastocytoxanthome mastodonte mastodontosaure - mastographie mastologie mastologue mastopathie mastopexie mastoplastie - mastoptôse mastose mastoïdectomie mastoïdite mastroquet masturbateur - mastère masure masurium mat matador mataf matage matamata matamore matassin - match-play matchiche matchmaker matefaim matelassage matelasseuse matelassier - matelassure matelassé matelot matelotage matelote maternage maternelle - maternité mateur math mathilda mathurin mathusalem mathématicien mathématique - matif matildite matin matinière matinée matissien matité matière matiérisme - matoir matoiserie matolin maton matorral matou matraquage matraque matraqueur - matricaire matrice matricide matriclan matricule matriçage matroclinie matrone - matronymat matronyme matte matthiole maturateur maturation maturité - maté matérialisation matérialisme matérialiste matérialité matériel maubèche - maudit maugrabin maugrebin maugrément maul maurandie maurassien maure maurelle - mauricien mauriste mauritanien maurrassien mauser mausolée maussaderie - mauve mauviette mauvéine mawlawi maxi maxilisation maxillaire maxille - maxillite maximale maximalisation maximalisme maximaliste maxime maximisation - maxwell maya maye mayen mayetiola mayeur mayonnaise mazagran mazama mazarin - mazarine mazariniste mazdéisme mazette mazot mazout mazoutage mazouteur - mazzinisme mazéage maçon maçonnage maçonnerie maçonnologie maëlstrom maërl - maîtresse maîtrise maïa maïeur maïeuticien maïeutique maïolique maïserie - maïsiculture maïzena mccarthysme mec meccano mechta mecton medersa medlicottia - meganeura mehseer meibomiite meigénie meilleur meistre mejraïon melanophila - melchior melchite melette melkite mellah mellate mellification mellifère - mellitate mellite mellâh melon melonnière melonnée meltéigite membrace - membrana membrane membranelle membranipore membranophone membranule membre - membrure memecylon menabea menace menchevik mendiant mendicité mendigot - mendole mendozite mendélisme mendésisme mendésiste meneur menhaden menhidrose - menin menine mennonisme mennonite menora menotte mense mensonge menstruation - mensualité mensuel mensurateur mensuration mentagre mentalisation mentalisme - mentalité menterie menteur menthane menthe menthol menthone menthyle mention - menton mentonnet mentonnière mentoplastie mentor menu menuerie menuet - menuise menuiserie menuisier menée mer mercanti mercantilisation mercantilisme - mercaptal mercaptan mercaptide mercaptobenzothiazole mercaticien mercatique - mercerie mercerisage merceriseuse merchandising merci mercier mercierella - mercuration mercurescéine mercuriale mercurialisme mercuribromure - mercuricyanure mercuriel mercurien mercuriiodure mercurochrome mercédaire - merde merdier merdouille merganette mergule meringage meringue merino merise - merl merlan merle merlette merlin merlon merlu merluche meromyza merrain - merveille merzlota mesa mescal mescaline mesclun meslier mesmérien mesmérisme - message messager messagerie messe messelite messianisme messianiste messianité - messier messin messire messor mestrance mestre mesurage mesure mesureur meta - mettage metteur meuble meublé meuglement meulage meule meulerie meuleton - meuleuse meulier meulière meuliérisation meulon meunerie meunier meunière - meurtiat meurtre meurtrier meurtrissure meurtrière meute mexicain mexicaniste - meyerhofférite mezcal mezzanine mezzo mezzo-soprano mi-course mi-lourd - miacoïde miaou miargyrite miaskite miasme miastor miaulement mica micaschiste - miche micheline michelinie micheton michetonneur michetonneuse miché micmac - micoquien micraster micrathène micrencéphalie micrite micro micro-aboutage - micro-onde micro-ordinateur micro-organisme microalbuminurie microalgue - microampèremètre microanalyse microanalyseur microanalyste microangiopathie - microbalance microbe microbicide microbicidie microbie microbille - microbiologiste microbisme microblaste microburette microburie - microcalorimétrie microcaméra microcapsule microcapteur microcardie - microcathétérisme microcaulie microchimie microchiroptère microchirurgie - microcircuit microcirculation microclimat microclimatologie microcline - microcode microcomparateur microcomposant microconnectique microcopie - microcorie microcornée microcosme microcoupelle microcrique microculture - microcytose microcytémie microcèbe microcéphale microcéphalie microcôlon - microdensimètre microdiorite microdissection microdomaine microdon microdontie - microdosage microdose microdrépanocyte microdrépanocytose microdécision - microendémisme microfarad microfaune microfibre microfichage microfiche - microfilaricide microfilarémie microfilm microfilmage microflore - microforme microfractographie microgale microgamète microgamétocyte - microgastrie microglie microglobuline microglossaire microglosse microglossie - microgramme microgranite microgranulateur microgranulé micrographe - microgravité microgyrie microhm microhylidé microhématocrite microhématurie - microintervalle microkyste microlangage microlaparotomie microlecteur - microliseuse microlite microlithe microlithiase microlithisme - microlitre microlépidoptère micromaclage micromanipulateur micromanipulation - micromastie microme microminiaturisation micromodule micromole - micromortier micromoteur micromètre micromélie micromélien micromérisme - micrométrie micrométéorite micron micronavigateur micronecta micronisation - micronésien microonde microordinateur microorganisme microparasite - micropegmatite microperthite microphage microphagie microphagocytose - microphone microphotographie microphtalmie microphysique micropie micropilule - micropipette microplaque microplaquette micropli microplissement micropodidé - micropolyadénopathie micropore microporella microporosité micropotamogale - microprogestatif microprogrammation microprogramme micropropulseur micropsie - microptérygidé micropuce micropyle micropyrotechnie microradiographie - microrchidie microrelief microrhinie microrragie microsablage microsaurien - microschizogonie microschème microsclérose microscope microscopie microseconde - microsisme microsite microskélie microsociologie microsociété microsomatie - microsomie microsommite microsonde microsoudage microsoufflure microsparite - microspectroscope microsphygmie microsphère microsphérocytose - microspondylie microsporange microspore microsporidie microsporie microsporum - microstome microstomie microstomum microstructure microsyénite microséisme - microtechnicien microtechnique microtectonique microthermie microthrombose - microtiné microtome microtoponyme microtour microtracteur microtraumatisme - microvillosité microviseur microvésicule microzoaire microéconomie - microédition microélectrode microélectronique microélément microémulsion - miction midi midinette midrash midship mie miel miellaison miellat miellerie - miersite miette mieux-faisant migmatite mignardise mignon mignonne mignonnerie - mignonneuse migraine migrant migrateur migration miguélisme miguéliste - mijotage mijoteuse mikado mikiola mil milan milandre milarite mildiou mile - miliaire milice milicien miliole militaire militance militant militantisme - militarisme militariste milium milk-bar millage millasse mille millefeuille - millerandisme millerandiste millet milliaire milliampère milliampèremètre - milliardaire milliardième milliasse millibar millibarn millicurie millier - milligramme millilitre millime millimicron millimole millimètre million - millionnaire milliosmole milliroentgen milliseconde millithermie millivolt - milliwatt millième milliéquivalent millénaire millénarisme millénariste - millépore millérite millésime milnésie milord milouin milouinan mime mimeuse - mimicrie mimidé mimie mimique mimodrame mimographe mimographie mimolette - mimosa mimosacée mimosée mimétaster mimétidé mimétisme mimétite minable minage - minard minaret minasragrite minauderie minaudier minbar minceur mindel mine - minerval minerve minerviste minestrone minet minette mineur mineure mingrélien - miniature miniaturisation miniaturiste miniboule minicar minicassette - minidrame minijupe minimalisation minimalisme minimaliste minimalisée minime - minimum minioptère miniordinateur minipilule minirail minirobe ministrable - ministère minitel minium minivet minière mink minnesinger mino minoen minorant - minoritaire minorité minorquin minoré minot minotaure minoterie minotier minou - minuscule minutage minute minuterie minuteur minutie minutier minyanthe - minéralisateur minéralisation minéralogie minéralogiste minéralurgie mioche - miopragie miose miquelet mir mirabelle mirabellier mirabilite miracidium - miraculé mirador mirage miraillet miramolin miraud mirbane mire mirette mireur - miridé mirliflor mirliflore mirliton mirmidon mirmillon miroir miroitement - miroitier miroité mironton miroton mirounga misaine misandre misandrie - misanthropie miscibilité mise misogamie misogyne misogynie misonéisme - mispickel missel missile missilier missiologie mission missionnaire - missive mistelle misthophorie mistigri miston mistoufle mistral misumène - misélie misénite misérabilisme misérabiliste misérable miséricorde mitadinage - mitaine mitan mitard mitchourinisme mite mithan mithracisme mithraïsme - mithridatisation mithridatisme mitigation mitigeur mitière mitochondrie - mitomycine miton mitonnée mitonécrose mitose mitotane mitoyenneté mitraillade - mitraille mitraillette mitrailleur mitrailleuse mitralite mitraria mitre - mitscherlichite mixage mixer mixeur mixique mixite mixité mixonéphridie - mixtion mixtionnage mixture mixtèque miyagawanella miyagawanellose mizzonite - mnémonique mnémotaxie mnémotechnie mnémotechnique moa moabite mob mobed mobile - mobilisation mobilisme mobiliste mobilisé mobilité mobiliérisation mobilomètre - moblot mobulidé mobylette mocassin mocheté mochokidé moco mococo modalisateur - modalisme modalité mode modelage modeleur modelé modem moderne modernisateur - modernisme moderniste modernité modestie modeuse modicité modificateur - modification modifieur modillon modiole modiomorphe modiste modulabilité - modularité modulateur modulation modulatrice module modulo modulomètre modulor - modèlerie modélisateur modélisation modélisme modéliste modénature - modérantisme modérantiste modérateur modération modéré moelle moellon - moellonneur moellonnier moere moeritherium mofette moghol mogiarthrie - mogiphonie mogol mohair mohawk mohiste moie moignon moilette moine moinerie - moins-value moirage moire moireur moirure moiré moisage moise moisissure - moissine moisson moissonnage moissonneur moissonneuse moiteur moitié moka - molal molalité molarisation molarité molasse molasson moldave mole moleskine - molet moletage moletoir molettage molette molgule molidé molinisme moliniste - molinosiste mollah mollard mollasse mollasserie mollasson mollesse mollet - molletière molleton mollicute mollisol mollissement molluscoïde molluscum - molly mollé moloch molosse molothre molozonide molpadide moluranite molure - moly molybdate molybdite molybdoménite molybdophyllite molybdosulfate - molysite molysmologie molyte molène molécularité molécule moment momentanée - momie momier momification momordique momot monacanthidé monachisme monaco - monade monadisme monadiste monadologie monandrie monanthie monarchianisme - monarchien monarchisme monarchiste monarchomaque monarque monastère - monaxonide monazite monchiquite mondain mondanité mondanéité mondation monde - mondialisation mondialisme mondialiste mondialité mondiovision mondisation - mondovision mone monel monergol mongol mongolien mongolisme mongoloïde - moniale monilia moniliase moniligastre moniliose monilisation monimolite - moniste moniteur monition monitoire monitor monitorage monitorat monitoring - monnayage monnayeur mono monoacide monoamide monoamine monoballisme monobase - monobloc monobrucellose monocaméralisme monocaméraliste monocamérisme - monocardiogramme monochlamydée monochorée monochromate monochromateur - monochromatisme monochrome monochromie monocle monocomparateur monocoque - monocotylédone monocouche monocratie monocrin monocrotisme monoculture - monocylindre monocyte monocytodermie monocytopoïèse monocytopénie monocytose - monocéphale monocéphalien monocératide monodelphe monodie monodiète - monodrame monoecie monogame monogamie monogenèse monoglycéride monogrammatiste - monogrammiste monographie monogynie monogène monogénie monogénisme monogéniste - monohybridisme monohydrate monojonction monokine monokini monolingue - monolithe monolithisme monolocuteur monologisme monologue monologueur - monomanie monomorium monomorphisme monomoteur monomphalien monomèle monomère - monomérisation monométallisme monométalliste monométhylamine - mononucléaire mononucléose mononucléotide mononévrite monopartisme monophage - monophonie monophosphate monophtalme monophtalmie monophtongaison monophtongue - monophysisme monophysite monoplace monoplacophore monoplan monopleura - monopode monopole monopoleur monopolisateur monopolisation monopolisme - monoporte monoposte monopriorphisme monoprocesseur monoproduction - monopropylène monopsie monopsone monoptère monorail monorchide monorchidie - monoréfringence monosaccharide monoscope monosession monosiallitisation - monosoc monosome monosomie monosomien monospermie monosphyronidé monosporiose - monostélie monosulfite monosulfure monosyllabe monosyllabisme monosémie - monotest monothermie monothéisme monothéiste monothélisme monothérapie - monotopisme monotoxicomane monotoxicomanie monotriche monotrope monotrysien - monotubule monoturbine monotype monoxime monoxyde monozygote monozygotisme - monoéthylamine monoéthylaniline monoïde monoïdéisme monoïdéiste monstre - monstrillidé monstruosité mont montage montagnard montagne montagnette - montanisme montaniste montanoa montant montbretia montbéliarde monte - monte-sac montebrasite monteur montgolfière montgolfiériste monticellite - montjoie montmorillonite montoir montpelliérain montre montreur montroydite - montée monténégrin monument monumentalisation monumentalisme monumentaliste - monzonite monème monère monédule monégasque monétarisation monétarisme - monétique monétisation monétite monôme mooniste mooréite moque moquerie - moqueur moracée moraillon moraine moral morale moralisateur moralisation - moraliste moralité morasse moratoire moratorium morave moraxella morb - morbidité morbier morcellement morchellium mordache mordacité mordant - mordelle mordette mordeur mordillage mordillement mordillure mordocet - mordorisation mordorure mordoré mordu mordâne mordénite more morelle moresque - morfalou morfil morfilage morgan morganite morge morgeline morgue moribond - moriculteur moriculture morille morillon morin morindine morine morinite morio - morisque morlingue mormolyce mormon mormonisme mormyre mormyridé morne - mornifleur morningue moro moron morosité morphinane morphine morphinisme - morphinomanie morphisme morpho morphochronologie morphoclimatologie - morphognosie morphographie morphogénie morpholine morphologie morphométrie - morphophonologie morphopsychologie morphoscopie morphostructure morphosyntaxe - morphotectonique morphothérapie morphotype morphème morphée morphémisation - morrude morse morsure mort mort-né mortadelle mortaisage mortaise mortaiseur - mortalité mortel mortier mortification mortinatalité mortuaire morue moruette - morutier morvandiot morve morène morénosite mosan mosandrite mosasaure - mosaïculteur mosaïculture mosaïque mosaïsme mosaïste moschiné moscoutaire - mosellan mosette mosquée mossi mossite mot motacillidé motard motel motelle - moteur motif motiline motilité motion motionnaire motiv motivation moto - motobrouette motociste motocompresseur motoculteur motoculture motocycle - motocyclisme motocycliste motofaucheuse motogodille motohoue motomodèle - motoneige motoneigiste motoneurone motopaver motoplaneur motopompe - motor-home motorgrader motorisation motoriste motorship motoréacteur - motoski mototondeuse mototracteur mototreuil motrice motricité mots-croisiste - mottramite mou mouchage mouchard mouchardage mouche moucherolle moucheron - mouchet mouchetage mouchette moucheture moucheté moucheur mouchoir mouchure - moue mouette moufette mouffette moufflette mouflage moufle mouflet mouflette - mouhotia mouillabilité mouillage mouillant mouille mouillement mouillette - mouilleuse mouilloir mouillure mouillère mouise moujik moujingue moukère - moulage moule moulerie moulet mouleur mouleuse moulin moulinage moulinet - moulineur moulinier mouliste moulière moulurage mouluration moulure moulureur - moulurier moulurière moulée moumoute mound mouquère mourant mouride mourine - mouroir mouron mourre mouscaille mousmé mousmée mousquet mousquetade - mousqueterie mousqueton moussage moussaillon moussaka mousse mousseline - mousselinier mousseron moussoir mousson moustac moustache moustachu moustelle - moustique moustiérien moustérien moutard moutarde moutardier moutelle moutier - moutonnement moutonnerie moutonnier mouture mouvance mouvement mouvette - moxa moxation moxibustion moye moyen moyen-courrier moyenne moyettage moyette - moyocuil moyère mozabite mozambicain mozarabe mozartien mozette mozzarella - moëre moï moïse moût mrna muance mucigène mucilage mucinase mucine mucinose - mucographie mucolipidose mucolyse mucolytique mucomètre mucopolysaccharide - mucopolysaccharidurie mucoprotéide mucoprotéine mucoprotéinurie mucor - mucorinée mucormycose mucorrhée mucosité mucoviscidose mucoviscose mucoïde - mudra mudéjare mue muesli muet muette muezzin muffin mufle muflerie muflier - mufti muge mugilidé mugiliforme mugissement muguet mugéarite muid mulard - mulasserie mule mulet muleta muletier muleton mulette mulier mulla mullah - mullite mulléroblastome mulon mulot mulsion multiclavier multicolinéarité - multiconfessionnalité multicoque multicouplage multicuisson multiculteur - multicâble multidimensionnalité multidipôle multidisciplinarité multifenêtrage - multifonctionnalité multigeste multigraphe multijouissance multilatéralisation - multilingue multilinguisme multilocuteur multimilliardaire multimillionnaire - multimodalité multimoteur multimètre multimédia multinationale - multinationalité multinévrite multipare multiparité multipartisme multiplace - multiplan multiple multiplet multiplexage multiplexeur multiplicande - multiplication multiplicité multiplieur multipolarité multiporte - multipostulation multiprise multiprocesseur multiprogrammation - multipropriété multipôle multirisque multirécidiviste multiscan multisoc - multitrait multitraitement multituberculé multitude multivibrateur multivision - multivoie mulâtre mumie municipale municipalisation municipalisme - municipalité municipe munie munificence munition munitionnaire munster muntjac - muonium muphti muqueuse mur muraenidé murage muraille mural muralisme - muramidase murchisonia murcien murdjite muret muretin murette muriate muricidé - murin murine muriné murmel murmure murène murénidé musacée musang musaraigne - musarderie musardise musc muscade muscadelle muscadet muscadier muscadin - muscardin muscardine muscardinidé muscari muscarine muscat muscicapidé muscidé - muscinée muscle muscone muscovite musculation musculature musculeuse muse - museletage muselière musellement muserolle musette music-hall musical - musicaliste musicalité musicien musicographe musicographie musicologie - musicothérapie musique musiquette musli musoir musophage musophagidé - mussitation mussolinien mussurana must mustang mustélidé musulman musée - muséographie muséologie muséologue muséum mutabilité mutacisme mutage - mutagénicité mutagénèse mutant mutase mutateur mutation mutationnisme - mutazilisme mutazilite mutela muthmannite mutilateur mutilation mutille mutilé - mutinerie mutiné mutisme mutité muton mutualisation mutualisme mutualiste - mutuelle mutuellisme mutuelliste mutule mutélidé mw mwatt mya myacoïde myalgie - myasthénie myatonie mycetaea myciculteur myciculture mycobacterium - mycobactériose mycobactérium mycobactériée mycocécidie mycoderme - mycologie mycologue mycophage mycoplasma mycoplasme mycorhization mycorhize - mycosporidie mycostatique mycothèque mycothérapie mycotoxicose mycotoxine - mycélium mycénien mycétide mycétome mycétophage mycétophile mycétophilidé - mycétose mycétozoaire mydriase mydriatique mye mygale mygalomorphe myiase - mylabre mylacéphale myliobatidé mylodon mylolyse mylonisation mylonite mymar - myoblaste myoblastome myocarde myocardie myocardiopathie myocardite - myocardose myocastor myocavernome myochronoscope myoclonie myoclonique myocyte - myodaire myodynamie myodynie myodystrophie myodésopsie myofibrille myoglobine - myognathe myogramme myographe myographie myogénie myohématine - myokymie myologie myolyse myomalacie myomatose myome myomectomie myomorphe - myomère myomètre myonécrose myooedème myopathe myopathia myopathie myope - myopie myoplastie myoplégie myopotame myopotentiel myorelaxant myorelaxation - myorythmie myorésolutif myosalgie myosarcome myosclérolipomatose myosclérose - myosine myosismie myosite myosolénome myosphérulose myostéome myosyndesmotomie - myotique myotome myotomie myotonie myotonomètre myrcène myre myriade - myrianide myriapode myrica myricacée myricale myringite myringoplastie - myriophylle myriophyllum myristate myristication myrmicidé myrmidon myrmique - myrmécocyste myrmécologie myrmécologue myrmécophage myrmécophagidé - myrmécophilie myrmédonie myrmékite myrméléonidé myrobolan myronate myrosine - myroxylon myrrhe myrtacée myrte myrtil myrtille myrténal mysidacé - mystagogie mystagogue myste mysticisme mysticité mysticète mystificateur - mystique mystère mytacisme mythe mythification mythogramme mythographe - mythologie mythologue mythomane mythomaniaque mythomanie mytiliculteur - mytilidé mytilina mytilisme mytilotoxine myxicole myxine myxinidé myxiniforme - myxobactériée myxochondrome myxoedème myxomatose myxome myxomycète - myxorrhée myxosarcome myxosporidie myzomyie myzomèle myzostomidé myélencéphale - myélinisation myélinolyse myélite myéloblaste myéloblastomatose myéloblastome - myélobulbographie myéloculture myélocystocèle myélocystoméningocèle myélocyte - myélocytose myélocytémie myélocèle myélodermie myélodysplasie myélofibrose - myélogramme myélographie myélokathexie myélolipome myélomalacie myélomatose - myélomère myéloméningocèle myélopathie myélophtisie myéloplaxe myéloplaxome - myélopénie myéloréticulose myélosarcomatose myélosarcome - myélosclérose myéloscopie myélose myélosuppression myélotomie myélotoxicose - mzabite mâche mâchefer mâchement mâcheur mâchoire mâchon mâchonnement - mâchure mâcon mâle mâlikisme mât mâtage mâtin mâture mèche mède mère mètre - méandrine méat méatoscopie méatotome méatotomie mécanicien mécanique - mécanisation mécanisme mécaniste mécano mécano-soudage mécanocardiographie - mécanographe mécanographie mécanominéralurgie mécanorécepteur mécanoréception - mécatronique méchage méchanceté méchant méchoui mécompréhension mécompte - méconium méconnaissance méconnu mécontent mécontentement méconème mécoptère - mécréant mécynorhine mécène mécénat médaillable médaille médailleur médaillier - médaillon médaillé médecin médecine médecinisme médersa média médiacalcinose - médiacratie médiale médiane médianoche médiante médianécrose médiaplanning - médiastinite médiastinographie médiastinopéricardite médiastinoscopie - médiateté médiateur médiathèque médiation médiatique médiatisation médiator - médicalisation médicament médicastre médication médicinier médina médiocratie - médiocrité médiodorsale médiologie médiopalatale médiopassif médisance - médisme méditation méditerranée méditerranéen médium médiumnité médiévalisme - médiéviste médoc médon médullectomie médullisation médullite médulloblastome - médullogramme médullopathie médullosclérose médulloscopie médullosurrénale - médullothérapie méduse médétère méfait méfiance méfiant méforme méga-uretère - mégabit mégabulbe mégacalicose mégacalorie mégacapillaire mégacaryoblaste - mégacaryocyte mégacaryocytopoïèse mégacaryocytose mégachile mégachiroptère - mégacéphalie mégacôlon mégaderme mégadiaphragme mégadolichocôlon mégaduodénum - mégafusion mégagrêle mégajoule mégalencéphalie mégalie mégalithe mégalithisme - mégaloblaste mégaloblastose mégalocornée mégalocyte mégalocytose - mégalodon mégalogastrie mégalomane mégalomanie mégalope mégalophonie - mégalopodie mégalopole mégalopsie mégaloptère mégalosaure mégaloschème - mégalothymie mégalérythème mégamot mégamycétome méganewton mégaoctet - mégaphone mégaphylle mégapode mégapodiidé mégapole mégaprofit mégaptère - mégarectum mégarhine mégarique mégascolide mégasigmoïde mégasome - mégastigme mégastrie mégastructure mégasélie mégatherme mégathrombocyte - mégatome mégatonne mégavessie mégaviscère mégavolt mégawatt mégawattheure - mégisserie mégissier mégohm mégohmmètre mégot mégotage mégoteur mégère méhari - méharée méionite méiopragie méiose méjanage mékhitariste mél mélaconite - mélalgie mélamine mélampyre mélanargia mélancolie mélancolique mélandrye - mélangeur mélangeuse mélanhidrose mélanidrose mélanine mélanisme mélanite - mélanoblaste mélanoblastome mélanoblastose mélanocinèse mélanocyte - mélanocéphale mélanocérite mélanodendrocyte mélanodermie mélanodermite - mélanofibrome mélanofloculation mélanogenèse mélanoglossie mélanogénocyte - mélanopathie mélanophore mélanophyre mélanoptysie mélanosarcome mélanose - mélanote mélanotékite mélanoïdine mélantérite mélanurie mélanémie mélanésien - mélasse mélatonine mélecte mélia méliacée mélibiose méligèthe mélilite - mélilot mélinite mélioratif mélioration méliorisme mélioriste mélioïdose - méliphanite mélipone mélique mélisme mélisse mélissode mélitea mélitine - mélitose mélitte mélittobie mélo mélode mélodie mélodiste mélodramatisme - mélomane mélomanie mélomèle mélomélie mélongine mélongène mélonite mélophage - mélopée mélorhéostose mélothérapie mélotomie mélotrophose méloé méloïdé - mélusine mélèze méléagriculteur méléagriculture méléagridé méléagrine méléna - mélézitose mémento mémo mémoire mémorandum mémoration mémorialiste - mémère mémé ménade ménage ménagement ménager ménagerie ménagier ménagiste - ménaquinone ménestrel ménidrose ménidé ménilite méninge méningiome méningisme - méningo-encéphalite méningoblaste méningoblastome méningococcie - méningocoque méningocèle méningomyélite méningopathie méningorragie - méningotropisme méniscectomie méniscite méniscographie méniscopexie - ménisque ménocyte ménologe ménoméningococcie ménométrorragie ménopause - ménopome ménopon ménorragie ménorragique ménorrhée ménotaxie ménotoxine - ménoxénie ménure ményanthe ménéghinite ménétrier méphitisme méplat méprise - méralgie mérasthénie méridien méridienne mérione mérisme méristème mérite - méritocrate méritocratie mériédrie mérocèle mérodon mérogamie mérogonie - mérospermie mérostome mérostomoïde mérot mérotomie mérou mérovingien mérozoïte - mérycisme méryite méréologie mésadaptation mésaise mésalliance mésallocation - mésangeai mésangette mésartérite mésaventure mésembryanthème mésenchymatose - mésenchymome mésenchymopathie mésencéphale mésentente mésentère mésentérite - mésestime mésidine mésinformation mésintelligence mésite mésitornithidé - mésitylène méso mésoblaste mésocardie mésocarpe mésocolon mésocolopexie - mésocéphalie mésocôlon mésoderme mésodermose mésodermotropisme mésodiastole - mésoenatidé mésoglée mésognathie mésolite mésologie mésomorphe mésomorphie - mésomphalie mésomètre mésomérie mésométrie mésométrium méson mésoneurite - mésoperthite mésophylle mésophyte mésopotamien mésoroptre mésosaurien - mésosigmoïde mésosigmoïdite mésosphère mésosternum mésostigmate mésostome - mésosystole mésotherme mésothorium mésothèle mésothéliome mésothélium - mésovarium mésozoaire mésozone mésozoïque mésylate métaarséniate métaarsénite - métabole métabolimétrie métabolisation métabolisme métabolite métaborate - métacarpe métacentre métacercaire métachromasie métachromatisme métachronose - métacognition métacortandracine métacortandralone métacortène métacrinie - métadone métagalaxie métagenèse métagonimiase métagéria - métairie métalangage métalangue métalaxyl métaldéhyde métalepse métallation - métallier métallisation métalliseur métallo métallochimie métallochromie - métallographe métallographie métallogénie métallophone métalloplasticité - métallothermie métallothérapie métalloïde métallurgie métallurgiste métalléité - métalogique métamagnétisme métamathématique métamictisation métamonadine - métamorphisme métamorphopsie métamorphose métamyélocyte métamère métamérie - métamérisme métanie métanéphridie métaphase métaphonie métaphore métaphosphate - métaphysicien métaphysique métaplasie métaplasma métaplombate métapréfixe - métapsychiste métapsychologie métaraminol métasilicate métasomatisme - métastabilité métastannate métastase métasternum métastibnite métastigmate - métatarsalgie métatarse métatarsectomie métatarsien métatarsomégalie métathèse - métathérien métatopie métayage métayer métazoaire méteil métempsychose - métencéphale méthacholine méthacrylate méthadone méthamphétamine méthanal - méthanesulfonate méthanethiol méthanier méthanière méthanol méthanolate - méthicilline méthine méthionine méthioninurie méthioninémie méthode méthodisme - méthodologie méthoque méthotréxate méthoxyle méthylacétylène méthylal - méthylaminophénol méthylaniline méthylarsinate méthylate méthylation - méthylbenzène méthylbromine méthylbutadiène méthylbutanol méthylcellulose - méthylcyclohexane méthylcyclopenténone méthyle méthylfuranne méthylglucoside - méthylhydrazine méthylindole méthylisobutylcétone méthylisocyanate - méthylombelliférone méthylorange méthylpentanediol méthylpentanone - méthylphénidate méthylpropane méthylrouge méthylvinylcétone méthylène - méthémalbumine méthémalbuminémie méthémoglobine méthémoglobinémie méticilline - métier métissage métive métivier métoeque métol métonomasie métonymie métopage - métopine métoposcopie métoprolol métrage métralgie métreur métreuse métricien - métriorhynchidé métrique métrisation métrite métro métrocyte métrocèle - métrologiste métromanie métronidazole métronome métronomie métropathie - métropolitain métropolite métroptose métropéritonite métrorragie métrorrhée - métré métèque météo météore météorisation météorisme météorite météorographe - météorologiste météorologue météoromancie météoropathie météoropathologie - méum mévalonate mévente mézail mézière mêlécasse mêlée môle môme mômignard môn - mûre mûreraie mûrier mûrissage mûrissement mûrisserie mûron müesli nabab nabi - nable nabot nabuchodonosor nacaire nacarat nacelle nacre nacrite nacroculteur - nacré nadi nadir nadorite naegelia naevocancer naevocarcinome naevomatose nafé - nagana nagaïka nage nageoire nageur nagyagite nahaïka nahua nahuatl nain naine - naissage naissain naissance naisseur naja nalorphine namibien namurien nana - nanar nancéien nandidé nandinie nandou nanisme nankin nannofossile nannosaure - nanocorme nanocormie nanocéphale nanocéphalie nanogramme nanomèle nanomètre - nanoparticule nanophye nanoseconde nanosome nanosomie nanotube nansouk nanti - nantokite nanzouk naope napalm napel naphta naphtacène naphtaline naphtalène - naphte naphtidine naphtol naphtoquinone naphtylamine naphtyle - naphtène naphténate napolitain napolitaine napoléon napoléonite nappage nappe - nappette napée naqchbandi naqchbandite naraoia narcisse narcissisme narco - narcodollar narcolepsie narcomane narcomanie narcoméduse narcopsychanalyse - narcosynthèse narcothérapie narcotine narcotique narcotisme narcotrafiquant - narcétine nard nardosmie narghileh narghilé nargleria narguilé narine - narrateur narration narrativité narratologie narré narsarsukite narse narval - nasalisation nasalité nasard nasarde nase nasicorne nasillement nasilleur - nasitort nasière nason nasonite nasonnement nassariidé nasse nassette nassule - nastie natalidé natalité natation natice naticidé natif nation nationale - nationalisme nationaliste nationalité nativisme nativiste nativité natriciné - natriurèse natrochalcite natrojarosite natrolite natronite natrophilite - natrurie natrémie nattage natte nattier natté naturalisation naturalisme - naturalisé naturalité nature naturel naturisme naturiste naturopathe - naturothérapie naucore naucrarie naufrage naufrageur naufragé naumachie - naupathie nausithoe nausée naute nautier nautile nautiloïde nautisme nautonier - navajo navalisation navarin navarque nave navel navet navetier navetière - navetteur navicule navigabilité navigant navigateur navigation naviplane - navisphère navrement nazaréen nazca naze nazi nazification nazillon nazir - naziréen nazisme naïade naïf naïveté nebka neck necrolemur nectaire nectar - nectariniidé nectocalice nectogale necton nectonème nectophrynoïde nectridien - nedji nef negro-spiritual neige neiroun neisseria neisseriacée nelombo nem - nemura neobisium neomenia nepeta nepticula neptunea neptunisme neptuniste - nerf nerprun nervation nervi nervin nervosisme nervosité nervule nervurage - nescafé nesquehonite nestorianisme nestorien nestoriné nette netteté - nettoyage nettoyant nettoyeur network neuchâteloise neufchâtel neume - neuralthérapie neuraminidase neurapraxie neurasthénie neurasthénique - neuricrinie neurilemmome neurine neurinome neuroamine neuroanatomie - neurobiochimie neurobiochimiste neurobiologie neurobiologiste neuroblaste - neurobrucellose neurocapillarité neurochimie neurochimiste neurochirurgie - neurocrinie neurocristopathie neurocrâne neuroctena neurocytologie neurocytome - neuroderme neurodermite neurodépresseur neuroendocrinologie - neuroendocrinologue neurofibrille neurofibromatose neurofibrome neurogangliome - neuroglioblastose neurogliomatose neurogliome neurogériatrie neurohistologie - neurohypophyse neuroimmunologie neuroleptanalgésie neuroleptanesthésie - neuroleptisé neuroleukine neurolinguistique neurolipidose neurolipomatose - neurologiste neurologue neurolophome neurolymphomatose neurolyse neurolépride - neuromimétisme neuromodulateur neuromodulation neuromyopathie neuromyosite - neuromyélopathie neuromédiateur neuromédiation neuromélitococcie neurone - neuronolyse neuronophagie neuropapillite neuropathie neuropathologie - neurophagie neuropharmacologie neurophospholidose neurophylaxie neurophysine - neurophysiologiste neuroplasticité neuroplégie neuroplégique neuroprobasie - neuropsychiatrie neuropsychochimie neuropsychologie neuropsychologue - neuropticomyélite neuroradiologie neurorraphie neuroréactivation - neurorétinite neurosarcome neuroscience neurospongiome neurostimulateur - neurosécrétat neurosécrétion neurotensine neurotisation neurotome neurotomie - neurotonique neurotoxicité neurotoxine neurotoxique neurotransmetteur - neurotropisme neuroépithélium neuroéthologie neurula neustrien neutral - neutralisation neutralisme neutraliste neutralité neutre neutrino neutrodynage - neutrographie neutron neutronicien neutronique neutronoagronomie - neutronothérapie neutronthérapie neutrophile neutrophilie neutropénie neuvaine - newberyite newsmagazine newton newtonien nezara ngultrum niacinamide niacine - niaouli nicaraguayen niccolate niccolite niccolo niche nichet nichoir nichon - nichée nickel nickelage nickelate nickelémie nickéline nicodème nicol - nicolaïte nicothoé nicotinamide nicotinamidémie nicotine nicotinisation - nicotinothérapie nicotinémie nicotisme nicotéine nictatio nictation - nid nidation nidificateur nidification niellage nielle nielleur niellure - nietzschéisme nif nife nifuratel nifé nigaud nigauderie nigelle night-club - nigritie nigritude nigrosine nigérian nigérien nigérite nihilisme nihiliste - nilgaut nille nilotique nimbe ninhydrine niobate niobite niobotantalate - niolo nipiologie nippe nippon nippophobie nique niquedouille niqueur nirvana - nital nitescence nitidule nitramine nitranisole nitratation nitrate nitration - nitreur nitrification nitrile nitritation nitrite nitrière nitroalcane - nitroamidon nitroarène nitrobacter nitrobactérie nitrobaryte nitrobenzaldéhyde - nitrobenzène nitrocalcite nitrocellulose nitroforme nitrofurane nitrofurazone - nitroglycérine nitroguanidine nitrogène nitrojecteur nitrojection - nitromannite nitrométhane nitron nitronaphtalène nitronate nitrone nitronium - nitrophénol nitropropane nitroprussiate nitrosamine nitrosate nitrosation - nitrosoalcane nitrosoalcool nitrosobactérie nitrosobenzène nitrosochlorure - nitrosodiméthylaniline nitrosodiphénylamine nitrosoguanidine nitrosonaphtol - nitrosulfure nitrosyle nitrotoluène nitroéthane nitruration nitrure nitryle - nivation nive nivelage nivelette niveleur niveleuse nivelle nivellement - nivosité nivéole nixe nizam nizeré nièce nième niôle nobiliaire nobilissime - noblaillon noble noblesse nobélisable nobélisation nocardia nocardiose noce - nocher nochère nocicepteur nociception nocivité noctambule noctambulisme - noctilucidé noctiluque noctuelle noctuidé noctule noctuoïde nocturne - nocuité nodale noddi nodosaure nodosité nodule nodulite nodulose noeud noir - noirceur noircissage noircissement noircisseur noircissure noire noise - noisetier noisette nolisement nom noma nomade nomadisation nomadisme nomarque - nombril nombrilisme nombriliste nome nomenclateur nomenclature nomenklaturiste - nomina nominalisateur nominalisation nominalisme nominaliste nominatif - nomogramme nomographe nomographie nomologie nomothète non-actif non-activité - non-aligné non-animé non-belligérance non-combattant non-conciliation - non-conformité non-croyant non-directivité non-dépassement non-engagé - non-initié non-inscrit non-intervention non-mitoyenneté non-occupation - non-réalisation non-réponse non-résident non-réussite non-salarié non-stop - non-titulaire non-toxicité non-viabilité non-violent non-voyant nonagrie - nonagésime nonane nonanol nonantième nonce nonchalance nonchalant nonchaloir - none nonette nonidi nonnain nonnat nonne nonnette nonnée nonobstance - nontronite noologie noosphère nopage nopal nopalerie nopalière nope nopeuse - noquet noquette noradrénaline noramidopyrine norcarane nord-africain - nord-coréen nordet nordiste nordmarkite nordé noria norite norleucine normale - normalisateur normalisation normalité normand normande normation normativisme - normativité norme normoblaste normoblastose normocapnie normochromie normocyte - normogalbe normographe normolipidémie normolipémiant normolipémie normospermie - normothymique normothyroïdie normotype normovolhémie normovolémie normoxie - nornicotine noroît nortestostérone northupite norvaline norvégien norvégienne - nosema nosencéphale nosoconiose nosodendron nosographie nosogénie nosologie - nosomanie nosophobie nosotoxicose nostalgie nostalgique nostoc nostomanie - nosémiase nosémose notabilisation notabilité notable notacanthidé notaire - notalgie notariat notarisation notateur notation note notencéphale - notice notier notification notion notiphila notodonte notodontidé notomèle - notongulé notoptère notoriété notorycte notostigmate notostracé notosuchidé - notothéniidé nototrème notule nouage nouaison nouba noue nouement nouet - noueur nougat nougatine nouille noulet noumène nounat nounou nourrain nourrice - nourrissage nourrissement nourrisseur nourrisson nourriture nouure nouveauté - nouvelliste novacékite novateur novation novelle novellisation novembre novice - novobiocine novocaïne novocaïnisation noyade noyage noyautage noyauteur - noyer noyé noème noèse noégenèse noël nu nuage nuaison nuance nuancement - nubien nubilité nubuck nucelle nuclide nucléaire nucléarisation nucléase - nucléine nucléocapside nucléographie nucléole nucléolyse nucléon nucléonique - nucléophagocytose nucléophile nucléophilie nucléoplasme nucléoprotéide - nucléosidase nucléoside nucléosynthèse nucléotide nucléoïde nuculanidé - nudaria nudibranche nudisme nudiste nudité nue nuisance nuisette nuisibilité - nuit nuitée nul nullard nulle nullipare nulliparité nullité numbat numide - numismate numismatique nummulaire nummulite nummulitique numéraire numérateur - numéricien numérisation numériseur numéro numérologie numérologue numérotage - numéroteur nunatak nunchaku nuncupation nuptialité nuque nurse nursing - nutriant nutriment nutripompe nutrition nutritionniste nuée nyala nyctaginacée - nyctalope nyctalophobe nyctalophobie nyctalopie nycthémère nyctibiidé - nyctinastie nyctipithèque nyctophile nyctophonie nycturie nyctéribie nyctéridé - nymphale nymphalidé nymphe nymphette nymphomane nymphomaniaque nymphomanie - nymphose nymphotomie nymphula nymphuliné nymphéa nymphéacée nymphée nyroca - nyssorhynque nystagmographie nystatine nèfle nègre nèpe néandertalien - néant néanthropien néantisation néarthrose nébalie nébrie nébuleuse - nébulisation nébuliseur nébulosité nécatorose nécessaire nécessitarisme - nécrobie nécrobiose nécrode nécrologe nécrologie nécrologue nécromancie - nécromant nécrophagie nécrophile nécrophilie nécrophobe nécrophobie nécrophore - nécropsie nécroscie nécroscopie nécrose nécrospermie nécrotactisme nécrotoxine - néerlandophone néflier négateur négatif négation négationnisme négationniste - négative négativisme négativiste négativité négaton négatoscope négentropie - négligent négligé négoce négociabilité négociant négociateur négociation - négrerie négrier négril négrille négrillon négritude négro négron négroïde - négundo nélombo némale némalion némastome némate némathelminthe nématicide - nématoblaste nématocyste nématocère nématocécidie nématode nématodose - nématoïde némerte némertien némestrine némobie némognathe némophore némopode - némoure néméobie néméophile nénette nénuphar néo néo-calédonien néo-guinéen - néoartisan néoatticisme néoattique néoblaste néocapitalisme néocapitaliste - néocatholique néochristianisme néochrétien néoclassicisme néoclassique - néocolonialiste néocomien néoconfucianisme néoconfucianiste néoconservatisme - néocriticisme néocriticiste néocrâne néocyte néocytophérèse néocytémie - néodamode néodarwinien néodarwinisme néodarwiniste néofascisme néofasciste - néogenèse néoglucogenèse néoglycogenèse néognathe néogrammairien néogène - néohégélien néojacksonisme néokantien néokantisme néolamarckien néolamarckisme - néolipogenèse néolithique néolithisation néologie néologisme néomalthusianisme - néomembrane néomercantilisme néomercantiliste néomortalité néomutation - néoménie néoménien néon néonatalogie néonatologie néonatomètre néonazi - néopaganisme néopallium néopentane néopentyle néopentylglycol - néophobie néophyte néopilina néoplasie néoplasme néoplasticien néoplasticisme - néoplatonicien néoplatonisme néopositivisme néopositiviste néopoujadisme - néoprimitiviste néoprotectionnisme néoprotectionniste néoprène néoptère - néopythagoricien néopythagorisme néorickettsie néorickettsiose néornithe - néoromantisme néoréalisme néoréaliste néosalpingostomie néosensibilité - néostalinien néostigmine néostomie néotectonique néothomisme néothomiste - néottie néotène néoténie néovirion néovitalisme néovitaliste néozoïque néper - néphralgie néphrangiospasme néphrectasie néphrectomie néphrectomisé néphridie - néphroblastome néphrocalcinose néphrocarcinome néphrocèle néphrogramme - néphrolithe néphrolithiase néphrolithomie néphrolithotomie néphrologie - néphrolyse néphrome néphromixie néphron néphronophtise néphropathie - néphrophtisie néphroplastie néphroplicature néphroptose néphroptôse - néphrorragie néphrorraphie néphrosclérose néphroscope néphrose néphrosialidose - néphrostomie néphrotomie néphrotomographie néphrotoxicité néphéline - néphélion néphélomètre néphélométrie néphélémètre néphélémétrie népidé - népouite népète népétalactone néral nérinée nérinéidé nérite néritidé néritine - néroli nérolidol néroline néréide nésidioblastome nésidioblastose nésogale - névralgie névralgisme névraxe névraxite névrectomie névrilème névrite - névrodermite névroglie névrologie névrome névropathe névropathie - névroptère névroptéroïde névrose névrosisme névrosthénique névrosé névrotomie - oasien oaxaquénien oba obel obi obier obisium obit obitoire obituaire - objectif objection objectité objectivation objectivisme objectiviste - objet objurgation oblade oblat oblation oblativité oblature obligataire - obligeance obligé oblique obliquité oblitérateur oblitération obnubilation - obrium obscurantisme obscurantiste obscurcissement obscurité obscénité - observance observant observateur observation observatoire obsession obsidienne - obstacle obstination obstiné obstipum obstruction obstructionnisme - obstétricien obstétrique obsécration obsédé obséquiosité obtenteur obtention - obturation obtusion obtusisme obusier obverse obèle obèse obédience - obéissance obélie obélisque obérée obésité ocarina occamisme occamiste occase - occasionnalisme occasionnaliste occemyia occidentalisation occidentalisme - occiput occitan occitanisme occitaniste occlusion occlusive occlusodontie - occultation occulteur occultisme occultiste occupant occupation occurrence - ocelot ochlocratie ochopathie ochotonidé ochronose ochthébie ocimène ocinèbre - ocrerie octacnémide octadécane octane octanoatémie octanol octant octave - octavon octaèdre octaédrite octet octidi octobothrium octobre octocoralliaire - octogel octogone octogène octogénaire octolite octonaire octopode octostyle - octroi octuor octuple octyle octyne octynoate oculaire oculariste oculiste - oculographie oculogyre oculogyrie oculomancie oculomotricité ocypodidé - océan océanaute océane océanide océanien océanisation océanite océanitidé - océanographe océanographie océanologie océanologue océnèbre odacanthe - oddipathie oddite ode odelette odeur odobénidé odographe odoliométrie odomètre - odonate odonatoptère odontalgie odontalgiste odontaplasie odontaspidé - odontocie odontocète odontogénie odontolite odontologie odontologiste odontome - odontornithe odontorragie odontosia odontostomatologie odontotarse - odontoïde odorat odorisation odoriseur odostomia odynophagie odyssée odéon - oecologie oecophylle oecuménicité oecuménisme oecuméniste oeda oedicnème - oedipisme oedipode oedomètre oedométrie oedème oedémagène oeil oeillade - oeillet oeilleteuse oeilleton oeilletonnage oeillette oeillère oekoumène - oenanthe oenilisme oenochoé oenolature oenolisme oenologie oenologue oenolé - oenomanie oenomètre oenométrie oenotechnie oenothera oenothèque oenothère - oersted oerstite oesocardiogramme oesoduodénostomie oesofibroscope - oesogastroduodénofibroscopie oesogastroduodénoscopie oesogastrostomie - oesophage oesophagectomie oesophagisme oesophagite oesophagofibroscope - oesophagomalacie oesophagoplastie oesophagorragie oesophagoscope - oesophagostomie oesophagotomie oesophagotubage oestradiol oestradiolémie - oestranediol oestre oestridé oestriol oestrogène oestrogénie - oestrone oestroprogestatif oestroïde oestroïdurie oeuf oeufrier oeuvre offense - offensive offensé offertoire office officialisation officialité officiant - officiel officier officine offlag offrande offrant offre offreur offrétite - oflag ogac ogdoédrie ogive ognette ogre ohm ohmmètre oie oignon oignonade - oikiste oille oing oint oisanite oiselet oiseleur oiselier oiselle oisellerie - oisillon oisiveté oison oithona okapi okenia okoumé okénie okénite oldhamite - olfaction olfactogramme olfactomètre olfactométrie oliban olide olifant - oligarque oligiste oligoanurie oligoarthrite oligoasthénospermie oligochète - oligocranie oligocytémie oligocène oligodactylie oligodendrocyte - oligodendroglie oligodendrogliome oligodipsie oligohydramnie oligohémie - oligomimie oligomère oligoménorrhée oligomérisation oligoneure oligonucléotide - oligonéphronie oligopeptide oligophagie oligophrène oligophrénie oligopnée - oligopolisation oligopsone oligosaccharide oligosaccharidose - oligosialie oligosidérémie oligospanioménorrhée oligospermie oligote - oligotriche oligotrichie oligoélément oligurie olingo oliphant olistolite - olivaison olive olivella oliveraie olivet olivette oliveur olividé olivier - olivénite olivétain olmèque olographie olympe olympiade olympionique olympisme - oléanane oléandomycine oléandre oléastre oléate olécranalgie olécrane olécrâne - oléiculteur oléiculture oléine oléobromie oléoduc oléolat oléome oléomètre - oléostéarate oléum omacéphale omalgie omalium omarthrose ombellale ombelle - ombelliféracée ombelliférone ombellule ombilic ombilicale ombilication omble - ombrage ombre ombrelle ombrette ombrien ombrine ombrée ombudsman omelette - omentum omission ommatidie ommatostrèphe omnipotence omnipraticien - omniscience omnium omophagie omophle omophron omoplate omphacite omphalectomie - omphalocèle omphalomancie omphalopage omphalorragie omphalosite omphalotomie - omphrale onagracée onagraire onagrariacée onagrariée onagre onanisme onaniste - onchocerca onchocercome onchocercose onchocerque onciale oncille oncle - oncocytome oncodidé oncogenèse oncographie oncogène oncolite oncolithe - oncologiste oncologue oncolyse oncomètre oncoprotéine oncorhynque oncose - oncosuppression oncotropisme oncoïde onction onctuosité ondatra onde ondelette - ondin ondinisme ondoiement ondulateur ondulation onduleur onduleuse ondée - ongle onglet onglette onglier onglon onglée onguent onguicule onguiculé ongulé - onirisme onirocrite onirodynie onirogène onirologie onirologue oniromancie - onirothérapie oniscien oniscoïde onomancie onomasiologie onomastique - onomatopée ontarien ontogenèse ontogénie ontogénèse ontologie ontologisme - ontophage ontophile onychalgie onycharthrose onychatrophie onychodactyle - onychodysmorphie onychodystrophie onychogale onychographe onychographie - onychogrypose onychologie onycholyse onychomalacie onychomycose onychopathie - onychophore onychoptose onychoptôse onychorrhexie onychoschizie onychose - onzain onzième onérosité oocinète oocyste oocyte oodinium oogamie oogenèse - oogonie oolite oolithe oomancie oophage oophagie oophoralgie oophorectomie - oophorome oophororraphie ooscopie oosphère oospore oosporose oothèque oozoïde - opacification opacimétrie opacité opah opale opalescence opaline opalisation - ope open openfield operculage operculaire opercule ophiase ophicalcite - ophicéphale ophiderpéton ophidien ophidiidé ophidion ophidioïde ophidisme - ophioderme ophioglosse ophiographie ophiolite ophiologie ophiolâtrie - ophiomyie ophion ophionea ophisaure ophisure ophite ophiure ophiuride - ophone ophryodendron ophtalmalgie ophtalmia ophtalmie ophtalmite - ophtalmodynamomètre ophtalmodynamométrie ophtalmodynie ophtalmographie - ophtalmologiste ophtalmologue ophtalmomalacie ophtalmomycose ophtalmomycétide - ophtalmométrie ophtalmopathie ophtalmophora ophtalmoplastie ophtalmoplégie - ophtalmoscopie ophtalmostat ophtalmotomie ophélie ophélimité opiacé opiat - opilo opinel opinion opiniâtreté opiomane opiomanie opiophage opiophagie - opisthobranche opisthocomidé opisthodome opisthognathisme opisthoprocte - opium oplure opocéphale opodermie opodyme opomyze oponce opontiacée opossum - oppelia oppidum opportunisme opportuniste opportunité opposabilité opposant - oppositionisme oppositionnel opposé oppresseur oppression opprimé opprobre - opsiurie opsoclonie opsoménorrhée opsonine opsonisation optant optatif - optimalisation optimalité optimate optimisation optimisme optimiste optimum - optique optomètre optométrie optométriste optotype optoélectronique optronique - opuntia opuscule opéra opérabilité opérande opérateur opération - opérationnaliste opérationnisme opérationniste opérativité opérette opéron - or oracle orage oraison orale oralité orang orange orangeade orangeat oranger - orangerie orangette orangisme orangiste orangite orangé orant orateur oratoire - oratorio orbe orbiculine orbitale orbite orbiteur orbitographie orbitoline - orbitonométrie orbitotomie orbitoïde orbitèle orcanette orcanète orcelle - orcheste orchestie orchestique orchestrateur orchestration orchestre - orchialgie orchidacée orchidectomie orchidodystrophie orchidomètre - orchidophile orchidophilie orchidoptose orchidoptôse orchidorraphie - orchidovaginopexie orchidée orchiocèle orchiotomie orchite orchésie - orcine orcinol ordalie ordanchite ordi ordinaire ordinand ordinant ordinariat - ordination ordinogramme ordonnance ordonnancement ordonnancier ordonnateur - ordovicien ordre ordure oreillard oreille oreiller oreillette oreillon orellia - orf orfraie orfroi orfèvre orfèvrerie organdi organe organelle organicien - organiciste organicité organier organigramme organisateur organisation - organisme organiste organite organochloré organodynamisme organodysplasie - organogenèse organographie organogénie organogénèse organogénésie organologie - organopathie organophosphoré organosilicié organosol organothérapie - organsin organsinage organsineur orgasme orge orgeat orgelet orgie orgiophante - orgueil orgyie oria oribate oribi orichalque oriel orient orientabilité - orientaliste orientation orientement orienteur orifice oriflamme origami - originalité origine origénisme origéniste orillon orin oriolidé orière orle - orléanisme orléaniste ormaie orme ormet ormier ormille ormoie ormyre orne - ornement ornementale ornementation ornithine ornithischien ornithocheire - ornithogale ornithologie ornithologiste ornithologue ornithomancie ornithomyie - ornithoptère ornithorynque ornithose ornière orniérage ornéode ornéodidé - orobanche orobe orogenèse orographie orogène orogénie orogénèse orologie - oronge oronyme oronymie orosomucoïde orosumocoïde orothérapie oroticurie - orpaillage orpailleur orphanie orphelin orphelinage orphelinat orphie orphisme - orphéon orphéoniste orphéotéleste orpiment orpin orque orseille ortalidé - orthacousie orthicon orthite orthoacide orthoacétate orthoarséniate - orthoborate orthocarbonate orthocentre orthochromatisme orthoclase orthocère - orthodiagramme orthodiagraphie orthodiascopie orthodontie orthodontiste - orthodoxe orthodoxie orthodromie orthoester orthoformiate orthogenèse - orthognathisme orthognatisme orthogonalisation orthogonalité orthographe - orthogénie orthogénisme orthogénèse orthohydrogène orthohélium orthomorphie - orthométrie orthonectide orthopantomograph orthopantomographie orthophonie - orthophorie orthophosphate orthophotographie orthophragmine orthophrénie - orthophyre orthopie orthopnée orthopsychopédie orthoptie orthoptique - orthoptère orthoptéroïde orthopyroxénite orthopédie orthopédiste orthoraphe - orthoscopie orthose orthosie orthosilicate orthostate orthostatisme orthotome - orthoépie orthèse orthézie ortie ortolan orvale orvet orviétan orycte - oréade orée oréodonte oréopithèque oréotrague osazone oscabrion oscar - oschéoplastie oschéotomie oscillaire oscillateur oscillation oscillatrice - oscillographe oscillomètre oscillométrie oscillopie oscillopsie oscilloscope - oscine oscinelle oscinie osculation oscule ose oseille oseraie oside osier - osiériculture osmhidrose osmiamate osmiate osmidrose osmie osmiridium osmiure - osmolarité osmole osmomètre osmométrie osmonde osmonocivité osmorécepteur - osmyle osméridé osone osphradie osphrésiologie osque ossature osselet ossement - ossicule ossiculectomie ossification ossifrage ossuaire ossète osséine ostade - ostensibilité ostension ostensoir ostentation osteospermum ostiak ostinato - ostiole ostique ostoclaste ostracionidé ostracisme ostracode ostracoderme - ostrogot ostrogoth ostréiculteur ostréiculture ostréidé ostyak ostéalgie - ostéichtyen ostéite ostéoarthrite ostéoblaste ostéoblastome ostéocalcine - ostéochondrodysplasie ostéochondrodystrophie ostéochondromatose ostéochondrome - ostéochondrose ostéoclasie ostéoclaste ostéoclastome ostéocrâne ostéocyte - ostéodynie ostéodysplasie ostéodysplastie ostéodystrophie ostéofibromatose - ostéogenèse ostéoglossidé ostéogénie ostéolithe ostéologie ostéologue - ostéolépiforme ostéomalacie ostéomarmoréose ostéomatose ostéome ostéomyélite - ostéomyélome ostéomyélosclérose ostéone ostéonécrose ostéonévralgie ostéopathe - ostéophlegmon ostéophone ostéophyte ostéophytose ostéoplasie ostéoplaste - ostéopoecilie ostéoporomalacie ostéoporose ostéopsathyrose ostéopédion - ostéopériostite ostéopétrose ostéoradionécrose ostéosarcome ostéosclérose - ostéose ostéostracé ostéostéatome ostéosynthèse ostéotome ostéotomie - ostéoïdose otage otala otalgie otarie otariidé otavite othématome oticodinie - otididé otiorhynque otite otitidé otoconie otocopose otocyon otocyste - otodynie otolithe otolithisme otologie otologiste otomastoïdite otomi - otomyiné otopathie otoplastie otorhino otorragie otorrhée otosclérose otoscope - otospongiose ototoxicité otterhound ottoman ottomane ottrélite ouabagénine - ouaille ouakari ouananiche ouaouaron ouarine ouatage ouate ouaterie ouatier - oubli oublie oubliette ouche oued ougrien ouguiya ouillage ouillière ouillère - oukase oulice oullière oulmière ouléma ounce ouolof ouragan ourdissage - ourdissoir ourlet ourleuse ourse oursin ourson outarde outil outillage - outlaw outplacement output outrage outrance outre outrecuidance outremer - outsider ouvala ouvarovite ouvert ouverture ouvrabilité ouvrage ouvraison - ouvreur ouvreuse ouvrier ouvrière ouvriérisme ouvriériste ouvroir ouwarowite - ouzbèque ouzo ouïe ouïghour ouïgour ovaire ovalbumine ovale ovalisation - ovalocytose ovarialgie ovariectomie ovariocèle ovariolyse ovariosalpingectomie - ovariotomie ovarite ovate ovation ove overdamping overdose overdrive overshoot - ovicapre ovicide oviducte ovidé ovigère ovin oviné ovipare oviparité - oviposition oviscapte ovni ovoculture ovocyte ovogenèse ovogonie ovologie - ovovivipare ovoviviparité ovulation ovule owtchar owyhéeite owénisme oxacide - oxalamide oxalate oxalide oxalorachie oxalose oxalurie oxalyle oxalémie - oxammite oxanne oxazine oxazole oxazolidine oxazoline oxford oxfordien - oximation oxime oxindole oxinne oxiranne oxoacide oxole oxonium oxyacide - oxyammoniaque oxybromure oxybèle oxycarbonisme oxycarbonémie oxycarène - oxychlorure oxycodone oxycoupage oxycoupeur oxycrat oxycyanure oxycytochrome - oxydabilité oxydant oxydase oxydation oxyde oxydimétrie oxydone oxydoréductase - oxydoréduction oxydécoupage oxydérurgie oxyfluorure oxygénase oxygénateur - oxygénopexie oxygénothérapie oxyhémoglobine oxyiodure oxylithe oxyluciférine - oxymore oxymoron oxymyoglobine oxymétrie oxyna oxyologie oxyome oxyope - oxypleure oxypode oxypore oxypropane oxyptile oxyrhine oxyrhynque oxysel - oxyséléniure oxythyrea oxytocine oxyton oxytonisme oxytriche oxytèle - oxyurase oxyure oxyurose oxétanne oyapok oyat ozalid ozobranche ozobromie - ozokérite ozonateur ozonation ozone ozoneur ozonide ozonisateur ozonisation - ozonolyse ozonomètre ozonométrie ozonoscope ozonosphère ozonothérapie ozotypie - oïdie oïdiomycose oïdium oïkopleura pa paca pacage pacane pacanier pacarana - pacfung pacha pachalik pachnolite pachomètre pachtou pachyblépharose - pachychoroïdite pachycurare pachycéphalie pachydermatocèle pachyderme - pachydermocèle pachydermopériostose pachyglossie pachygnathe pachylomme - pachymorphe pachymètre pachyméninge pachyméningite pachyonychie - pachype pachypleurite pachypodium pachypériostose pachyrhine pachysalpingite - pachyte pachyure pachyvaginalite pachyvaginite pachyvalginalite pachée - pacification pacifique pacifisme pacifiste pack package packageur packaging - packing paco pacotille pacquage pacqueur pacsif pacson pacte pactole padda - paddock padicha padichah padine padischah padishah padouage padouan padouane - paediatrie paediomètre paedomètre paedère paella pagaie pagaille pagailleur - paganisme pagaye pagayeur pagaïe page pageant pagel pagelle pageot pagination - pagnon pagnot pagode pagodon pagodrome pagolite pagophile pagoscope pagre - pagésie pahari pahic paiche paidologie paie paiement paierie paillage paillard - paillasse paillasson paillassonnage paille pailler paillet pailletage - paillette pailleur paillole paillon paillot paillote paillotte paillé pain - pairage paire pairesse pairie pairle paissance paisselage paisson pajot pal - palabre palace palache palade paladin palafitte palagonite palaille - palamisme palamite palan palanche palancre palangre palangrotte palanque - palanquée palançon palaquium palastre palatabilité palatale palatalisation - palatinat palatine palatite palatogramme palatographie palatoplastie - pale palefrenier palefroi paleron palestinien palestre palestrique palet - paletot palette palettisation palettiseur paliacousie palicare palicinésie - palification paligraphie palikare palikinésie palilalie palilogie palimpseste - palingénie palingénésie palinodie palinodiste palinopsie palinphrasie - paliopsie palissade palissadement palissage palissandre palisson palissonnage - palisyllabie paliure palière palladianisme palladichlorure palladoammine - palladocyanure palladonitrite palladure pallanesthésie palle pallesthésie - pallidectomie pallidum pallikare pallium pallotin palmacée palmaire palmarium - palme palmer palmeraie palmette palmier palmipède palmiste palmitate palmite - palmityle palmiérite palmospasme palmoxylon palmure palolo palombe palombette - palombière palomière palommier palomète palonnier palot palotage paloteur - palpabilité palpateur palpation palpe palpeur palpicorne palpigrade palpitant - palplanche palquiste palse paltoquet paluche palud paludarium palude paluderie - paludier paludine paludisme paludologie paludologue paludométrie - paludéen palygorskite palynologie palynologue palâtre palé paléanodonte - paléchinide palée palémon palémonidé paléoanthropobiologie - paléobiogéographie paléobotanique paléobotaniste paléocarpologie paléocervelet - paléoclimatologie paléoclimatologue paléocytologie paléocène paléodictyoptère - paléodémographie paléoenvironnement paléoethnologie paléognathe paléographe - paléogène paléogéographie paléohistologie paléohétérodonte paléole - paléomagnétisme paléomastodonte paléonationalisme paléonisciforme - paléontologie paléontologiste paléontologue paléopathologie - paléophytologie paléoptère paléorelief paléosensibilité paléosol paléosome - paléotempérature paléothérium paléoxylologie paléozoologie paléozoologiste - paléoécologie palétuvier pamelier pampa pampero pamphage pamphile pamphlet - pampille pamplemousse pamplemoussier pampre pampéro pan panabase panachage - panachure panacée panade panafricanisme panafricaniste panagée panama panamien - panaméricanisme panaméricaniste panangéite panaortite panarabisme panard - panarthrite panartérite panasiatisme panatela panatella panca pancake - pancalisme pancardite pancartage pancarte pancerne pancetta panchlore pancho - panchondrite panclastite pancosmisme pancrace pancratiaste pancréatectomie - pancréatine pancréatite pancréatographie pancréatolyse pancréatostomie - pancréozymine pancytopénie panda pandaka pandiculation pandionidé pandit - pandorina pandour pandoure pandémie pandémonium panel paneliste panencéphalite - panesthie paneterie panetier panetière paneton paneuropéanisme pangeria - pangermaniste pangolin pangonie panhellénisme panhypercorticisme - panhémocytophtisie panhémolysine panic panicaut panicule panicum panier - paniléite paniquard panique panislamisme panislamiste panière panjurisme panka - panlogisme panmastite panmixie panmyélophtisie panmyélopénie panmyélose panne - panneauteur panneauteuse panneton pannetonnage panniculalgie pannicule - pannomie pannonien panné panophtalmie panophtalmite panoplie panoptique - panoramique panorpe panosse panostéite panoufle panphlegmon - panpsychisme pansage panse pansement panserne panseur panseuse pansexualisme - pansinusite panslavisme panslaviste panspermie panspermisme pantalon - pantalonnier pante pantellérite pantenne panthère panthéisme panthéiste - pantin pantière pantodon pantodonte pantographe pantograveur pantoire - pantomètre pantophobie pantopode pantothérien pantouflage pantouflard - pantouflerie pantouflier pantoum pantre panty pantène pantéthéine panure - panvascularite panzer panégyrie panégyrique panégyriste panéliste paon - papa papalin papangue papauté papaver papavéracée papavérine papaye papayer - pape papegai papelard papelardise paperasse paperasserie paperassier papesse - papetier papi papier papilionacée papilionidé papille papillectomie papillite - papillome papillon papillonnage papillonnement papillonneur papillorétinite - papillotage papillote papillotement papilloteuse papillotomie papion papisme - papolâtrie papotage papou papouille paprika papule papulose papyrologie - paquage paquebot paquet paquetage paqueteur paqueur par para paraballisme - parabate parabellum parabiose parabole parabolique paraboloïde paraboulie - paracarence paracentre paracentèse parachimie parachronisme parachutage - parachutisme parachutiste parachèvement paraclet paracoccidioïdose paracolite - paracousie paracoxalgie paracrinie paracystite paracéphale paracétamol - parade paradentome paradeur paradiaphonie paradichlorobenzène paradigmatique - paradisia paradisier paradiste paradiséidé paradière paradoxe paradoxie - paradoxologie paradoxornithidé paraesthésie parafango parafe parafeur - paraffine paraffinome parafibrinogénémie parafiscalité paraformaldéhyde - paragangliome parage paragenèse paragnathe paragnosie paragoge paragonimiase - paragonite paragrammatisme paragranulome paragraphe paragraphie paragrêle - paragueusie paragénésie parahydrogène parahélium parahémophilie parahôtellerie - parakinésie parakératose paralalie paralangage paralaurionite paraldéhyde - paralittérature paraliturgie parallaxe parallergie parallèle parallélisation - parallélisme parallélogramme parallélokinésie parallélépipède paralogisme - paralysie paralysé paralytique paralégalité paralépididé paramagnétisme - paramidophénol paramimie paraminophénol paramnésie paramorphine paramorphisme - paramycétome paramylose paramyoclonie paramyotonie paramyélocyte - paramètre paramécie paramélaconite paramétabolite paramétrage paramétrisation - paraneige parangon parangonnage parano paranoia paranomia paranoïa paranoïaque - paranthélie paranymphe paranète paranéoptère paranéphrite paranévraxite - parapareunie paraparésie parapegme parapente parapentiste parapet - parapharmacie paraphasie paraphe paraphernalité parapheur paraphilie - paraphonie paraphrase paraphraseur paraphrasie paraphrène paraphrénie - paraphylaxie paraphyse paraphémie parapithèque paraplasma paraplasme parapluie - paraplégique parapneumolyse parapode parapodie parapraxie paraprotéine - paraprotéinurie paraprotéinémie parapsidé parapsychologie parapsychologue - paraquat pararickettsie pararickettsiose pararosaniline pararthropode - pararéflexe parascience parascève parasexualité parasitage parasite - parasitisme parasitologie parasitologiste parasitologue parasitophobie - parasitoïde parasitémie parasol parasoleil parasolier parasomnie paraspasme - parastade parastate parasuchien parasymbiose parasympathicotonie - parasympatholytique parasympathome parasympathomimétique parasynonyme - parasystolie parasème parasélène parasémie parataxe parataxie paratexte - parathion parathormone parathymie parathyphoïde parathyrine parathyroïde - parathyroïdite parathyroïdome parathyréose paratomie paratonie paratonnerre - paratuberculine paratuberculose paratyphique paratyphlite paratyphoïde - paravaccine paravalanche paravane paravariole paravent paraventriculaire - paraxanthine parazoaire parc parcage parcellarisation parcelle parcellement - parche parchemin parcheminerie parcheminier parchet parcimonie parclose - parcomètre parcotrain parcoureur parcouri pardalote pardelle pardon pardose - parefeuille pareil parement parementure parenchyme parent parentage parenthèse - parenthétisation parentèle parenté paresse paresthésie pareur pareuse parfait - parfileur parfum parfumerie parfumeur pargasite parhélie pari paria pariade - parian paridensité paridigitidé paridigité paridé parieur parigot pariné - parisianisme parisien parisite paritarisme parité pariétaire pariétale - pariétite pariétographie parjure parka parking parkinson parkinsonien - parlage parlant parlement parlementaire parlementarisation parlementarisme - parleur parloir parlote parlotte parlure parlé parmacelle parme parmentier - parmesan parmène parmélie parnasse parnassien parodie parodiste parodonte - parodontologie parodontolyse parodontose paroi paroir paroisse paroissien - parole paroli parolier paromphalocèle paronomase paronychie paronyme paronymie - parophtalmie paropsie parorchidie parorexie parosmie parostite parostéite - parotidectomie parotidite parotidomégalie parousie paroxysme paroxyton - parpaillot parpaing parpelette parque parquet parquetage parqueterie - parqueteuse parquetier parqueur parquier parr parrain parrainage parricide - parsec parsi parsisme parsonsite part partage partageant partance partant - partenariat parterre parthénocarpie parthénogenèse parthénologie - parti partialité participant participation participationniste participe - particularisme particulariste particularité particule particulier partie - partielle partigène partinium partisan partita partiteur partitif partition - parton partousard partouse partouseur partouzard partouze partouzeur partule - parturition parulidé parulie parure parurerie parurier parution parvenu - paryphanta parâtre parèdre parère paréage parégorique paréiasaure paréidolie - parélie parémiaque parémiologie parémiopathie paréo parésie pasang pascal - pascoïte pasimaque paso pasolinien pasquin pasquinade passacaille passade - passager passalidé passant passation passavant passe passe-droit passe-lien - passe-muraille passe-plat passement passementerie passementier passepoil - passerage passerelle passeresse passerie passeriforme passerillage passerine - passerose passette passeur passif passifloracée passiflore passiflorine - passion passioniste passionnaire passionnette passionniste passionné - passivité passoire passé passée passéisme passéiste passériforme pastel - pastelliste pastenague pasteur pasteurella pasteurellose pasteurien - pasteurisation pastiche pasticheur pastilla pastillage pastille pastilleur - pastorale pastoralisme pastorat pastorien pastorisme pastourelle pastèque pat - patache patachier patachon pataclet patagium patagon pataphysique patapouf - patard patarin patate pataud pataugeage pataugement pataugeoire pataugeur - patchouli patchoulol patchwork patelette patelin patelinage patelinerie - patellaplastie patelle patellectomie patellidé patellite patelloplastie - patente patenté patenôtre patenôtrier paternage paternalisme paternaliste - paternité pathergie pathie pathogenèse pathognomonie pathogénicité pathogénie - pathologie pathologiste pathomimie pathopharmacodynamie pathophobie pathétisme - patient patin patinage patine patinette patineur patinoire patio patoche - patouillard patouille patraque patriarcat patriarche patrice patriciat - patriclan patrie patrimoine patrimonialisation patrimonialité patriotard - patriotisme patristique patroclinie patrologie patron patronage patronat - patronnage patronne patronnier patronome patronyme patrouille patrouilleur - pattemouille pattern pattinsonage pattière patudo paturon patène patère - paulette paulinien paulinisme pauliste paulownia paume paumelle paumier - paumé paupiette paupière paupoire paupérisation paupérisme pauropode pausaire - paussidé pauvre pauvresse pauvret pauvreté pauxi pavage pavane pavement paveur - pavier pavillon pavillonnerie pavillonneur pavlovisme pavoisement pavor pavot - pavée paxille payant paye payement payeur paysage paysagisme paysagiste paysan - paysannerie païen pearcéite peaucier peaufinage peausserie peaussier pecan - peccadille pechblende pechstein peck pecnot pecquenaud pecquenot pecten - pectine pectinidé pectiné pectisation pectographie pectolite pectoncle - pectose pedigree pedum pedzouille peeling pegmatite peignage peigne - peigneur peigneuse peignier peignoir peignure peigné peignée peille peinard - peintre peinturage peinture peinturlurage peinturlure pelade peladoïde pelage - pelain pelanage pelard pelette peleuse pelisse pellagre pelle pellet pelletage - pelleteur pelleteuse pelletier pelletière pelletiérine pelletée pelleversage - pelliculage pellicule pelmatozoaire pelomyxa pelotage pelotari pelote peloteur - peloton pelotonnage pelotonnement pelotonneur pelotonneuse pelousard pelouse - peltaste pelte peltidium peltogaster peltogyne peluchage peluche pelure - pelvicellulite pelvigraphie pelvilogie pelvimètre pelvimétrie pelvipéritonite - pelvisupport pelé pemmican pemphigidé pemphigoïde pemphredon penalty penard - pendage pendaison pendant pendard pendeloque pendentif penderie pendeur - pendjhabi pendoir pendu pendule pendulette penduleur pendulier penduline - pennage pennatulacé pennatulaire pennatule pennatulidé penne pennella pennine - pennsylvanien penon penseur pension pensionnaire pensionnat pensionné pensum - pentaalcool pentabromure pentachlorophénol pentachlorure pentacle pentacorde - pentacrine pentacrinite pentactula pentadiène pentadécagone pentadécane - pentadécylpyrocatéchol pentagone pentalcool pentalogie pentamidine pentamère - pentaméthylène pentaméthylènediamine pentaméthylèneglycol pentane pentanediol - pentanol pentanone pentaploïdie pentapodie pentapole pentaptyque pentarchie - pentasomie pentastome pentastomide pentastomose pentastyle pentasulfure - pentateuque pentathionate pentathlon pentathlonien pentatome pentatomidé - pentaérythritol pente pentecôte pentecôtisme pentecôtiste penthine - penthière penthode penthotal pentite pentitol pentière pentlandite - pentode pentodon pentol pentolite pentosanne pentose pentoside pentosurie - pentryl penture pentyle pentène pentère pentécontarque pentécostaire - pentétéride peppermint pepsine pepsinurie peptide peptisation peptogène - peptone peptonisation peracide peranema perarséniate perborate perbromure - percalinage percaline percalineur perce perce-lettre perce-oreille percement - percepteur perceptibilité perception perceptionnisme perceptionniste - perceur perceuse perchage perche percheron perchette perchiste perchlorate - perchlorure perchloryle perchoir perché perchée percidé perciforme percnoptère - percolation percomorphe percopsidé percoïde percussion percussionniste - percylite percée perdant perdicarbonate perditance perdition perdrigon perdu - perfectif perfection perfectionnement perfectionnisme perfectionniste - perfecto perfide perfidie perfo perforage perforateur perforation perforatrice - perforeuse performance performatif perfuseur perfusion pergola pergélisol - pericerya peringia periodate periodure perkinsiella perlaboration perlage - perle perlier perlite perlocution perloir perlon perlot perlouse perlouze - perlure perlèche perlé permafrost permalloy permanence permanencier permanent - permanentiste permanganate perme permien permission permissionnaire - permittivité permolybdate permonocarbonate permutabilité permutant permutation - perméamètre perméance perméase perméat perméation pernambouc pernette - perniciosité pernion perniose peronospora peroxoacide peroxyacide peroxydase - peroxyde peroxysel peroxysome perpendiculaire perpendicularité perphosphate - perplexité perpétration perpétuation perpétuité perquisition perquisitionneur - perreyeur perrisia perrière perron perroquet perruche perruquage perruque - perruquier perré persan perse persel persicaire persicot persiennage persienne - persifleur persil persillade persilleuse persillère persillé persimmon - personale personnage personnalisation personnalisme personnaliste personnalité - personnel personnification personée persorption perspective perspectivisme - perspicacité perspiration persuasion persulfate persulfuration persulfure - persécution persécuté perséite perséulose persévérance persévérant - perte perthite pertinence pertitanate pertuisane pertuisanier perturbateur - pervenche perversion perversité perverti pervertissement pervertisseur - pervibrateur pervibration perçage perçoir pesade pesage pesant pesanteur - pesette peseur pesewa peshmerga peso peson pessaire pesse pessimisme - pessière peste pestiche pesticide pesticine pestiféré pestilence - pesva pesée pet petiot petit petitesse peton petrea petzite petzouille - peul peulven peuplade peuple peuplement peupleraie peuplier peur pexie peyotl - pfennig phacelia phacochère phacocèle phacolyse phacomalacie phacomatose - phacomètre phacophagie phacopidé phacosclérose phacoémulsification phaeochrome - phaeodarié phage phagocytage phagocyte phagocytome phagocytose phagolysosome - phagosome phagotrophe phagotrophie phagédénisme phakolyse phakoscopie - phalangarque phalange phalanger phalangette phalangide phalangine - phalangiste phalangose phalangère phalangéridé phalangéroïde phalanstère - phalarope phaleria phalline phallisme phallo phallocentrisme phallocrate - phallocratisme phallophore phallostéthidé phalène phalère phanatron phaner - phantasme phanère phanée phanérogame phanérogamie phanérogamiste phanéroglosse - phaonie pharaon phare pharillon pharisaïsme pharisien pharmaceutique pharmacie - pharmacocinétique pharmacodynamie pharmacodynamique pharmacodépendance - pharmacogénétique pharmacolite pharmacologie pharmacologiste pharmacologue - pharmacopat pharmacophilie pharmacopsychiatrie pharmacopsychologie - pharmacopée pharmacoradiologie pharmacorésistance pharmacosidérite - pharmacothérapie pharmacotoxicologie pharmacovigilance pharmocodépendance - pharyngalisation pharyngectomie pharyngisme pharyngite pharyngobdelle - pharyngographie pharyngomycose pharyngomyie pharyngorragie pharyngosalpingite - pharyngoscopie pharyngostomatite pharyngostomie pharyngotomie pharyngotrème - pharétrone phascogale phascolarctidé phascolome phascolomidé phascolosome - phasemètre phaseur phasianelle phasianidé phasie phasme phasmidé phasmoptère - phaéton pheidole phellandrène phelloderme phelsume phengite phengode - phialidium phibalosome phigalie philander philanthe philanthrope philanthropie - philarète philatélie philatélisme philatéliste philharmonie philhellène - philibeg philine philippin philippique philippiste philistin philistinisme - philocalie philocytase philodendron philodina philodiène philodoxe philologie - philonisme philonthe philophylle philoscia philosophe philosopheur philosophie - philosémite philoxénie philtre philène philépitte phlaeomyiné phlegmasie - phlegmatisation phlegme phlegmon phlogistique phlogopite phloramine - phlorizine phlorétine phlyctène phlycténose phlycténule phlébalalgie - phlébartérie phlébartérite phlébectasie phlébectomie phlébite phlébobranche - phlébodynie phléboedème phlébogramme phlébographie phlébolithe phlébologie - phlébolyse phlébomanomètre phlébonarcose phlébopathie phlébopexie - phlébopiézométrie phléborragie phlébosclérose phlébospasme phlébothrombose - phlébotomie phlée phlégon phléole phléotribe phobie phobique phocaenidé - phocomèle phocomélie phocéen phoenicochroïte phoenicoptère phoenicoptéridé - pholade pholadomyie pholcodine pholidosaure pholidote pholiote pholque - phonasthénie phonation phone phoniatre phoniatrie phonie phono phonocapteur - phonocardiographie phonogramme phonographe phonographie phonogénie phonolite - phonologie phonologisation phonologue phonomètre phonomécanogramme phonométrie - phonophobie phonothèque phonothécaire phonème phonématique phonémique - phonétique phonétisation phonétisme phoque phoquier phorbol phoridé phorie - phormium phormosome phorocère phorodon phorone phoronidien phorozoïde phorésie - phosgénite phosphagène phospham phosphatage phosphatase phosphatasémie - phosphate phosphatide phosphatidémie phosphaturie phosphatémie phosphine - phosphoborate phosphocréatine phosphocérite phosphodiester phosphodiurèse - phosphogypse phosphokinase phospholipase phospholipide phospholipidose - phosphonium phosphoprotéide phosphoprotéine phosphorane phosphorescence - phosphorisation phosphorisme phosphorite phosphorolyse phosphorylase - phosphoryle phosphorémie phosphosidérite phosphosphingoside phosphotransférase - phosphuranylite phosphure phosphène phot photisme photo photo-interprète - photobactérie photobiologie photobiotropisme photoblépharon photocalque - photocathode photocellule photochimie photochimiothérapie photochrome - photocoagulation photocomposeur photocomposeuse photocompositeur - photoconducteur photoconduction photoconductivité photocopie photocopieur - photocopiste photocoupleur photocéramique photodermatose photodermite - photodissociation photodégradation photodésintégration photodétecteur - photofinish photofission photogenèse photoglyptie photogramme photogrammètre - photographe photographie photograveur photogravure photogénie photogéologie - photojournalisme photojournaliste photolecture photolithographie photologie - photolyse photolyte photomacrographie photomaton photomicrographie - photomotographe photomultiplicateur photomètre photométallographie photométrie - photonastie photonisation photopathie photopeinture photophobie photophore - photophosphorylation photopile photopléthysmographie photopodogramme - photoprotection photopsie photopériode photopériodisme photoreportage - photorestitution photoroman photoréaction photoréalisme photorécepteur - photorésistivité photosculpture photosection photosensibilisant - photosensibilité photosphère photostabilité photostat photostoppeur photostyle - phototactisme phototaxie phototeinture photothèque photothécaire photothérapie - phototopographie phototransistor phototraumatisme phototrophie phototropie - phototype phototypie phototégie phototélécopie phototélécopieur - photoélasticimètre photoélasticimétrie photoélasticité photoélectricité - photoélectrothermoplastie photoémission photoémissivité photure phragmatécie - phrase phraser phraseur phrasé phraséologie phratrie phricte phronia phronime - phrygane phrygien phrynodermie phrynoméridé phrynosome phryxe phrénicectomie - phrénite phrénoglottisme phrénologie phrénospasme phrénésie phtalate - phtalide phtalimide phtalonitrile phtaléine phtanite phtiriase phtisie - phtisiologue phtisiothérapie phtisique phycologie phycologue phycomycose - phycophéine phycoxanthine phycoérythrine phylactolème phylactère phylarchie - phylaxie phyllade phyllie phylliroe phyllite phyllobie phyllocaride - phyllode phyllodecte phyllodie phyllodoce phyllodromie phyllognathe - phylloméduse phyllonite phyllonyctériné phylloperthe phyllophage phyllopode - phyllosilicate phyllosome phyllospondyle phyllostomatidé phyllotaxie - phylloxera phylloxéra phyllure phylobasile phylogenèse phylogénie phylum - phymie phyodontie physalie physe physergate physicalisme physicaliste - physicisme physiciste physicochimie physicochimiste physicodépendance - physicothérapie physignathe physiocrate physiocratie physiogenèse - physiognomoniste physiographie physiogénie physiologie physiologisme - physionomie physionomiste physiopathologie physiosorption physiothérapie - physisorption physogastrie physophore physostigma physostome physétéridé - phytate phythormone phytiatre phytiatrie phytine phytobiologie phytobézoard - phytochrome phytocide phytocosmétique phytocénose phytocénotique phytodecte - phytogéographe phytogéographie phytohormone phytohémagglutinine phytol - phytomitogène phytomonadine phytomyze phytomètre phytonome phytoparasite - phytopathologie phytopathologiste phytophage phytopharmaceutique - phytophotodermatite phytophthora phytophtire phytoplancton phytopte phytosaure - phytosociologie phytosociologue phytostérol phytotechnicien phytotechnie - phytothérapie phytotome phytotoxicité phytotoxine phytotron phytozoaire - phène phédon phénacite phénacyle phénakisticope phénakistiscope phénanthridine - phénanthrène phénate phénicien phénicole phénicoptère phénicoptéridé - phénobarbital phénocopie phénogroupe phénogénétique phénol phénolate - phénolstéroïde phénolstéroïdurie phénomène phénoménalisme phénoménaliste - phénoménisme phénoméniste phénoménologie phénoménologue phénoplaste - phénosafranine phénosulfonate phénothiazine phénotypage phénotype phénoxazine - phénylacétonitrile phénylalanine phénylalaninémie phénylamine phénylation - phénylcarbinol phénylcarbylamine phénylchloroforme phénylcétonurie phényle - phénylglycocolle phénylhydrazine phénylhydrazone phénylhydroxylamine - phénylphosphine phénylthiocarbamide phénylurée phényluréthanne phénylène - phényléphrine phényléthanal phényléthanol phényléthanone phényléthylhydantoïne - phénytoïne phénétole phéochromocytome phéophycée phéro-hormone phéromone - piaf piaffement piaffé piaillard piaillement piaillerie piailleur pian pianide - pianiste piano pianoforte pianome pianomisation pianotage piariste piassava - piattole piaule piaulement piazza pibale piballe pibrock pic pica picador - picaillon picard picardan picarel picatharte picathartidé picciniste piccolo - pichet pichi pichiciego picholette picholine picidé piciforme pickerel - picklage pickpocket picnite picolet picoleur picoline picolo picoseconde picot - picote picotement picoteur picotin picotite picouse picouze picpouille picpoul - picral picramide picramine picrate picridium picrite picrocrocine picromérite - picryle pictogramme pictographie pictorialisme pictorialiste picucule piculet - picène pidgin pidginisation pie pied piedmont piemérite piercing pierrade - pierraille pierre pierregarin pierrette pierreuse pierrier pierriste pierrière - pierrée piesma piette pietà pieuvre pif pifomètre pigache pige pigeon - pigeonnage pigeonnier pigiste pigment pigmentation pigmenturie pigmy pignada - pignatelle pigne pignocheur pignole pignon pignouf pigoulière pika pilaf - pilastre pilchard pile pilet pilette pileur pilidium pilier piline pilivaccin - pillard pilleri pilleur pilocarpe pilocarpine pilomatrixome pilon pilonnage - pilonnier pilori piloselle pilosisme pilosité pilot pilotage pilote pilotin - pilulaire pilule pilulier pilum pimbina pimbêche piment pimenta pimple - pimélie pimélite pimélodidé pin pinacane pinacle pinacol pinacoline pinacolone - pinacée pinaillage pinailleur pinakiolite pinane pinanga pinard pinardier - pinastre pince pince-cul pince-jupe pinceautage pincelier pincement pincette - pinchard pinctada pincée pinda pindarisme pindolol pine pineraie pingouin - pingre pingrerie pinguicula pinguécula pinier pinite pinière pinne pinnipède - pinnoïte pinnularia pinnule pinocytose pinot pinque pinscher pinson pinta - pintadine pintadoïte pinte pinyin pinzgauer pinçage pinçard pinçon pinçure - pinène pinéaloblastome pinéalocytome pinéalome pinéoblastome pinéocytome - pioche piochement piocheur piocheuse piolet pion pionnier piophile pioupiou - pipal pipe pipelet pipeline pipelinier piper-cub piperade piperie pipetage - pipeur pipi pipier pipistrelle pipit pipiza pipo pipridé pipunculidé - pipée pipéracée pipéridine pipérin pipérine pipéritone pipéronal pipérylène - piquant pique pique-assiette pique-broc pique-mouche pique-nique pique-niqueur - piquepoul piquet piquetage piquette piqueur piquier piquite piquoir piquouse - piqué piquée piqûre piranga piranha pirarucu piratage pirate piraterie piraya - piroguier pirojki pirole pirolle piroplasmose pirouette pirouettement - pisan pisanite pisaure pisauridé piscicole pisciculteur pisciculture piscine - piseur piseyeur pisidie pisiforme pisolite pisolithe pissaladière pissalot - pisse pissement pissenlit pissette pisseur pisseuse pissode pissoir pissotière - pissée pistache pistachier pistage pistard pistation piste pisteur pistia - pistolage pistole pistolet pistoletier pistoleur pistolier piston pistonnage - pistou pisé pitance pitbull pitch pitchou pitchoun pitchounet pitchpin pite - pithiatisme pithécanthrope pithécanthropien pithécie pithécisme pithécophage - pitocine piton pitonnage pitpit pitre pitrerie pitressine pittosporum pituite - pituri pityogène pityrosporon pitée pive pivert pivoine pivot pivotage - pixel pizza pizzeria pizzicato pièce piège piètement pièze piébaldisme piécart - piédouche piédroit piéfort piégeage piégeur piémont piémontite piéride piéridé - piéssithérapie piétage piétaille piétement piéteur piétin piétinement piétisme - piéton piétrain piété piézogramme piézographe piézographie piézomètre - piézorésistivité piézoélectricité placage placagiste placard placardage place - placement placenta placentaire placentation placentographie placentome placer - placette placeur placidité placier placobdelle placode placoderme placodonte - placothèque placé plafond plafonnage plafonnement plafonnette plafonneur - plage plagiaire plagiat plagioclase plagioclasite plagiocéphale plagiocéphalie - plagionite plagiostome plagiotropisme plagiste plagnière plagusie plaid - plaidoirie plaidoyer plaie plaignant plain plaine plainte plaisance - plaisant plaisanterie plaisantin plaisir plan planage planaire planation - planche plancher planchette planchiste planchéiage planchéieur planchéite - planctonologie planctonologiste plane planelle planette planeur planeuse - planificateur planification planigraphie planimètre planimétrage planimétrie - planipenne planisme planisphère planiste planitude planning planogramme - planorbe planorbidé planotopocinésie planotopokinésie planque planqué - plant plantage plantaginacée plantaginale plantain plantaire plantard - plante planteur planteuse plantier plantigrade plantoir planton plantule - planula plançon planète planèze planéité planérite planétaire planétarisation - planétisation planétocardiogramme planétologie planétologue planétoïde - plaque plaquemine plaqueminier plaquette plaquettiste plaquettopoïèse - plaqueur plaqueuse plaquiste plaqué plasma plasmacryofiltration plasmagène - plasmaphérèse plasmasphère plasmathérapie plasmide plasmine plasminogène - plasmoblaste plasmochimie plasmocyte plasmocytomatose plasmocytome - plasmocytose plasmode plasmodie plasmodiidé plasmodiome plasmodium plasmodrome - plasmokinase plasmolyse plasmome plasmoquine plasmoschise plasmotomie plaste - plasticage plasticien plasticisme plasticité plasticulture plastie plastifiant - plastification plastigel plastiquage plastique plastiqueur plastisol - plastolite plastomère plastotypie plastron plastronneur plasturgie - plat platacanthomyidé platacidé plataléidé platane plataniste platanistidé - plate plateforme platelage platerie plathelminthe platiammine platibromure - platier platinage platinate platine platinectomie platineur platinite - platinotypie platinoïde platinure platitude platière platoammine platobromure - platonicien platonisme platteur plattnérite platybasie platybelodon - platycténide platycéphalidé platycéphalie platygastre platyparée platype - platypsylle platyrhinien platyrrhinien platysma platyspondylie platysternidé - plausibilité playboy playon plaza plaçage plaçure plectognathe plectoptère - plectridiale plectridium pleige plein pleinairisme pleinairiste pleodorina - pleur pleurage pleurant pleurard pleurectomie pleurer pleureur pleureuse - pleurnichage pleurnichard pleurnichement pleurnicherie pleurnicheur - pleurobranchidé pleurobranchie pleurodire pleurodynie pleurodèle pleurogone - pleurome pleuromma pleuromya pleuromèle pleuronecte pleuronectidé - pleuronectoïde pleuronema pleuropneumonectomie pleuropneumonie pleuroptère - pleurosaurien pleuroscope pleuroscopie pleurosigma pleurosome pleurote - pleurotomaire pleurotomariidé pleurotomie pleurotrème pleurésie pleurétique - pleutrerie plexalgie plexectomie plexite pleyon pli pliage pliant plica - plicatule plicatulidé plie pliement plieur plieuse plinthe plinthite pliocène - plion pliopithèque pliosaure plique plissage plissement plisseur plisseuse - plissé pliure plié plocéidé plodie plof ploiement ploière plomb plombage - plombagine plombaginée plombate plombe plomberie plombeur plombichlorure - plombiflorure plombifluorure plombite plomboir plombure plomburie plombée - plommure plommée plonge plongement plongeoir plongeon plongeur plongée - ploqueuse plot plotosidé plouc plouk ploutocrate ploutocratie ploutrage - ploïdie ploïmide pluie plumage plumaison plumard plumasserie plumassier - plumbicon plumboferrite plumbogummite plumbojarosite plume plumet plumeur - plumier plumitif plumulaire plumule plumée pluralisme pluraliste pluralité - pluriadénomatose pluridisciplinarité pluriel pluriglossie plurihandicapé - plurilinguisme pluriloculine pluripartisme pluripatridie plurivalence - plus-value plusie plutelle pluton plutonien plutonisme plutoniste pluvian - pluviomètre pluviométrie pluviosité plâtrage plâtre plâtrerie plâtrier - plèbe plèvre pléate plébain pléban plébiscite plébéien plécoglosse plécoptère - pléiade pléiochromie pléiocytose pléiomazie pléionurie pléiotropie - pléistocène plénipotentiaire plénitude plénum pléochroïsme pléocytose - pléomorphisme pléonasme pléonaste pléonostéose pléoptique plésianthrope - plésiocrinie plésioradiographie plésiormone plésiosaure plésiothérapie - pléthore pléthysmodiagramme pléthysmodiagraphie pléthysmogramme - pléthysmographie pneu pneumallergène pneumarthrographie pneumarthrose - pneumatisation pneumatocèle pneumatologie pneumatomètre pneumatophore - pneumatothérapie pneumaturie pneumectomie pneumo pneumobacille - pneumoblastome pneumocholangie pneumocholécystie pneumocisternographie - pneumococcose pneumococcémie pneumocolie pneumoconiose pneumocoque - pneumocrâne pneumocystographie pneumocystose pneumocyte pneumocèle - pneumocéphalie pneumodynamomètre pneumoencéphalographie pneumogastrique - pneumographie pneumokyste pneumolithe pneumologie pneumologue pneumolyse - pneumomédiastin pneumonectomie pneumonie pneumonique pneumonite - pneumonologie pneumonopathie pneumopathie pneumopelvigraphie pneumopexie - pneumophtisiologue pneumopyélographie pneumopéricarde pneumopéritoine - pneumorésection pneumorétropéritoine pneumoséreuse pneumotachographe - pneumotomie pneumotympan pnéodynamique pnéomètre pochade pochage pochard - poche pochette pochetée pocheuse pochoir pochon pochouse pochée pocket podagre - podaire podarge podenco podencéphale podestat podica podicipédidé podisme - podobranchie podoce pododynie podolithe podologie podologue podomètre - podoscaphe podoscope podoscopie podosphaeraster podostatigramme podure podzol - poecilandrie poecile poeciliidé poecilocore poecilogale poecilogynie - poecilothermie poedogamie poephile pogne pognon pogonophore pogrom pogrome - poigne poignet poignée poil poilu poing poinsettia point pointage pointe - pointer pointeur pointeuse pointil pointillage pointillement pointilleur - pointilliste pointillé pointu pointure pointé poinçon poinçonnage - poinçonneur poinçonneuse poinçonné poire poirier poiré poirée poiscaille poise - poison poissarde poisse poisseur poisson poissonnerie poissonnier poissonnière - poitrail poitrinaire poitrine poitrinière poivrade poivre poivrier poivrière - poivrot poker pokémon polack polacre polaire polaque polar polard polarimètre - polarisabilité polarisation polariscope polariseur polarité polarogramme - polarographie polaroïd polatouche polder polenta polhodie poli polia polianite - police polichinelle policier policlinique policologie polio polioencéphalite - poliomyélite poliomyélitique poliomyéloencéphalite polionévraxite - poliose polissage polisseur polisseuse polissoir polissoire polisson - poliste politesse politicaillerie politicailleur politicard politicien - politicologue politique politisation politologie politologue poljé polka - pollan pollen pollicisation pollicitant pollicitation pollinie pollinisateur - pollinose polluant pollucite pollueur pollution pollénographie polo polochon - polonisation polonophone poloïste poltron poltronnerie polyachromatopsie - polyacrylamide polyacrylate polyacrylique polyacrylonitrile polyacétal - polyacétylène polyaddition polyadénite polyadénomatose polyadénome - polyakène polyalcool polyaldéhyde polyalgie polyallomère polyallylester - polyamide polyamine polyandre polyandrie polyangionévrite polyangéite - polyarthalgie polyarthra polyarthrite polyarthropathie polyarthrose - polyathéromatose polybasite polybenzimidazole polybie polyblépharidale - polybutène polycanaliculite polycaprolactame polycapsulite polycarbonate - polycaryocyte polycentrisme polychimiothérapie polychlorobiphényle - polychlorure polycholie polychondrite polychromasie polychromatophilie - polychroïsme polychète polychélate polychélidé polyclade polyclinique - polyclonie polycombustible polycondensat polycondensation polycontamination - polycopie polycopié polycorie polycrase polycrotisme polyctène polyculteur - polycythemia polycythémie polycytose polycère polycéphale polydactyle - polydactylisme polydesme polydipsie polydispersité polydiène polydora - polydysplasie polydyspondylie polydystrophie polyeidocyte polyembryome - polyenthésopathie polyergue polyester polyesthésie polyestérification - polyfluoroprène polyfracture polygala polygalactie polygale polygalie polygame - polyganglionévrite polyglobulie polyglotte polyglycol polygnathie polygnatien - polygonale polygonation polygone polygonisation polygonosomie polygraphe - polygynie polygénie polygénisme polygéniste polyhalite polyhandicap - polyholoside polyhybride polyhybridisme polyhygromatose polyimide - polyisoprène polykrikidé polykystome polykystose polykératose polylithionite - polymastie polymastigine polymera polymicroadénopathie polymignite - polymoléculaire polymolécularité polymorphie polymorphisme polymyalgie - polymyxine polymèle polymère polymélie polymélien polymélodie polyménorrhée - polymérie polymérisation polymérisme polymétamorphisme polyméthacrylate - polyméthylpentène polyneuromyosite polyneuropathie polynucléaire polynucléose - polynucléotide polynème polynémiforme polynéoptère polynésie polynésien - polynôme polyodonte polyodontidé polyol polyoléfine polyome polyommate - polyopie polyopsie polyoptre polyorchidie polyorexie polyoside - polyostéochondrose polyoxyde polyoxyméthylène polyoxypropylène - polyoxyéthylène polypage polyparasitisme polyparasité polype polypectomie - polypeptidasémie polypeptide polypeptidogénie polypeptidurie polypeptidémie - polyphagie polypharmacie polyphasage polyphonie polyphoniste polyphosphate - polyphylle polyphylétisme polyphénie polyphénol polyphényle polyphénylène - polypier polyplacophore polyplastose polyploïde polyploïdie polyploïdisation - polypode polypodiacée polypodie polypointe polypole polypore polyporée - polypotome polypropylène polypropène polyprotodonte polyprotodontie - polyprène polypsalidie polyptote polyptyque polyptère polyptéridé - polypédatidé polyradiculonévrite polyribosome polyrythmie polysaccharide - polyscèle polyscélie polysensibilisation polysialie polysiloxane polysoc - polysomie polyspermie polysplénie polystic polystome polystomien polystyrène - polysulfamidothérapie polysulfone polysulfonecarbone polysulfure polysyllabe - polysyllabisme polysyllogisme polysyndactylie polysynodie polysynthèse - polysémie polysérite polytechnicien polytechnicité polytechnique polyterpène - polythèque polythéisme polythéiste polythélie polythérapie polytomidé - polytopisme polytoxicomane polytoxicomanie polytransfusion polytransfusé - polytraumatisé polytraumatologie polytric polytrichie polytrichose - polytétrafluoréthylène polytétrahydrofuranne polyurie polyurique - polyurée polyuréthane polyuréthanne polyvalence polyvalent polyvinyle - polyvinylique polyvision polyvitaminothérapie polyyne polyzoaire polyèdre - polyélectrolyte polyépichlorhydrine polyépiphysite polyépiphysose polyéther - polète polémarchie polémarque polémique polémiste polémologie polémologue - pomacanthidé pomacentridé pomaison pomelo pomerium pomiculteur pomiculture - pommadier pommard pomme pommelière pommelle pommeraie pommette pommier - pomoculture pomoerium pomologie pomologiste pomologue pompabilité pompage - pomperie pompeur pompier pompile pompiste pompiérisme pompon pompéien pomélo - poncelet poncette ponceur ponceuse poncho poncif ponction ponctuage - ponctuation pondaison pondeur pondeuse pondoir pondérateur pondération - ponette poney ponga pongidé pongiste pongé pongée pont pontage ponte pontet - pontier pontife pontifiant pontificat pontil pontobdelle ponton pontonnier - ponçage ponère pool pop-corn pope popeline popote popotier popotin poppel - populage popularisation popularité population populationniste populiculteur - populisme populiste populo populéum poquet poquette poradénie poradénite - porc porcelaine porcelainier porcelanite porcelet porcellane porcellio - porche porcher porcherie porcin pore porencéphalie porifère porion porisme - pornocratie pornographe pornographie poroadénolymphite porocéphalidé - porofolliculite porogamie porokératose porolépiforme poromère porophore porose - porosimétrie porosité porpezite porphine porphobilinogène porphyre porphyria - porphyrine porphyrinogenèse porphyrinurie porphyrinémie porphyrogénète - porpite porque porrection porricondyla porridge porrigo port portabilité - portage portail portance portant portatif porte porte-aiguille porte-assiette - porte-bec porte-broche porte-bébé porte-carabine porte-châsse porte-cigare - porte-cornette porte-coton porte-crayon porte-crosse porte-cylindre - porte-embrasse porte-fainéant porte-filtre porte-flacon porte-flingue - porte-glaive porte-greffe porte-hauban porte-insigne porte-lame porte-lanterne - porte-pelote porte-rame porte-scie porte-ski porte-tapisserie porte-tige - porte-valise porte-épée porteballe portechape portefeuille portelone portement - portemonnaie porter porterie porteur porteuse portfolio porthésie portier - portion portionnaire portique portière portland portlandie portlandien porto - portoir portomanométrie portor portoricain portrait portraitiste portugaise - portune portunidé porté portée porzane posada posage pose posemètre poseur - posidonie posidonomya positif position positionnement positionneur - positivisme positiviste positivité positon positonium positron posologie - possessif possession possessivité possessoire possibilisme possibiliste - possédant possédé post-test postabdomen postaccélération postage - postalvéolaire postcombustion postcommunion postcommunisme postcommuniste - postcure postdatation postdate postdentale postdorsale postdéterminant poste - poster postface posthectomie posthite posthypophyse posthéotomie postiche - postier postillon postimpressionnisme postimpressionniste postlude - postmarquage postmaturation postmoderne postmodernisme postpalatale - postpotentiel postprocesseur postromantisme postsonorisation - postulant postulat postulateur postulation posture postvélaire postérieur - postériorité postérité posée pot potabilisation potabilité potache potage - potamobiologie potamochère potamogale potamogéton potamologie potamon - potamot potamotrygon potard potasse potasseur potassisme potassémie pote - potence potentat potentialisateur potentialisation potentialité potentiation - potentille potentiomètre potentiométrie potentiostat poterie poterne poteyage - potier potimaron potin potinage potinier potinière potion potiquet potiron - poto potologie potomane potomanie potomètre potorou potosie potto pottock - potée pouacre poubelle pouce poucette poucier pouding poudingue poudou - poudre poudrerie poudrette poudreuse poudrier poudrin poudrière poudroiement - pouf pouffiasse poufiasse pouillard pouille pouillerie pouillot pouillé - poujadiste poujongal poukou poulaga poulaille poulailler poulain poulaine - poulbot poule poulet poulette pouliche poulie poulier pouliethérapie - pouliot poulot poulpe poumon pound poupard poupart poupe poupetier poupon - poupée pourboire pourcent pourcentage pourchasseur pourcompte pourfendeur - pourparler pourpier pourpoint pourpointier pourpre pourprin pourri pourridié - pourrissement pourrisseur pourrissoir pourriture poursuite poursuiteur - poursuiveur pourtour pourvoi pourvoyeur poussa poussage poussah poussard - pousse pousse-balle poussette pousseur poussier poussin poussine poussiniste - poussière poussiérage poussoir poussée poutargue poutassou poutrage poutraison - poutrelle pouture pouvoir pouzolzia pouzzolane pouzzolanicité powellite poème - poésie poétique poétisation poêlage poêle poêlier poêlon poêlée poïkilocytose - poïkilodermie poïkilotherme poïkilothermie pradosien praesidium pragmaticisme - pragmatisme pragmatiste praguerie praire prairie prakrit pralin pralinage - praliné prame prao prase prasinite pratelle praticabilité praticable praticien - praticulture pratiquant pratique praxie praxinoscope praxithérapie praxéologie - prazosine prednisolone prednisone prehnite prehnitène premier premium première - preneur presbyacousie presbyophrénie presbyopie presbypithèque presbyte - presbytre presbytère presbytérianisme presbytérien prescience prescripteur - presle pressage pressboard presse presse-garniture pressentiment presserie - pressier pressing pressiomètre pression pressoir pressorécepteur pressostat - presspahn pressurage pressureur pressurisation pressuriseur pressé pressée - prestant prestataire prestation prestesse prestidigitateur prestidigitation - prestwichie preuve priam priant priapisme priapulide priapulien priapée prick - prie prieur prieurale prieuré primage primaire primarisme primarité primat - primatiale primatie primauté prime primerose primeur primeuriste primevère - primidi primigeste primipare primiparité primipilaire primipile primitif - primitivisme primoculture primodemandeur primogéniture primordialité - primovaccination primulacée prince princesse principalat principale principat - principe printanisation priodonte prion prione prionien prionopidé - prionotèle priorale priorat prioritaire priorite priorité priscillianisme - prise priseur prisme prison prisonnier pristane pristidé pristinamycine - prisée privatdocent privatdozent privatif privation privatique privatisation - privatisée privauté privilège privilégiatorat privilégiature privilégié privé - prière pro proaccélérine proarthropode probabiliorisme probabilioriste - probabiliste probabilité probant probation probationnaire probité problo - problème problématique problématisation proboscidien probénécide procaryote - procaïne procaïnisation procellariiforme processeur procession processionnaire - prochile prochordé prochronisme procidence proclamateur proclamation - proclivie proclivité proconsul proconsulat proconvertine procordé - procroate procruste procréateur procréation proctalgie proctectomie proctite - proctocèle proctodéum proctologie proctologue proctopexie proctoplastie - proctoptôse proctorrhée proctoscopie proctosigmoïdoscopie proctotomie - proculien procurateur procuratie procuration procure procureur procyonidé - procédurier procédé procéleusmatique prodataire prodiffusion prodigalité - prodigue prodrogue prodrome producteur productibilité production productique - productiviste productivité produit prodétonnant proencéphale proeutectique - prof profanateur profanation profane profasciste proferment professant - profession professionnalisation professionnalisme professionnalité - professorat profibrinolysine profil profilage profilement profileur - profilé profit profitabilité profiterole profiterolle profiteur proflavine - profusion progenèse progeria progestatif progestine progestérone progiciel - prognathie prognathisme progradation programmateur programmathèque - programmatique programme programmeur progressif progression progressisme - progressivité progéniture progérie prohibition prohibitionnisme - prohormone proie projecteur projectile projection projectionniste projecture - projetante projeteur projeteuse projeté projetée prolactine prolactinome - prolamine prolan prolanurie prolanémie prolatif prolepse prolificité - prolifération proligération proline prolixité prolo prologue prolongateur - prolonge prolongement prolylpeptidase prolétaire prolétariat prolétarisation - promastocyte promenade promeneur promeneuse promenoir promesse prometteur - promission promo promonocyte promontoire promoteur promotion prompteur - promu promulgateur promulgation promyélocyte promédicament promégaloblaste - prométhéum pronateur pronation pronghorn pronom pronominalisation prononce - prononcé pronormoblaste pronostic pronostiqueur pronuba pronunciamiento - propagande propagandisme propagandiste propagateur propagation propagule - propane propanediol propanier propanol propanone propargyle proparoxyton - propension propeptonurie properdine propergol prophage propharmacien prophase - prophylactère prophylaxie prophète prophétie prophétisme propiolactone - propionate propionibacterium propionitrile propionyle propithèque propitiateur - propitiatoire proplasmocyte propolisation proportion proportionnalité - proposant proposition propranolol propre propreté proprio propriocepteur - propriétaire propriété propréfet propréteur propréture proptose propulseur - propylamine propylbenzène propyle propylidène propylite propylitisation - propylèneglycol propylée propynal propyne propynol propène propènenitrile - propédeutique propénal propénol propényle propénylgaïacol proquesteur - proration prorodon prorogation prorénine prosaptoglobine prosaptoglobinémie - prosauropode prosaïsme proscenium proscripteur proscription proscrit prose - prosecteur prosectorat prosencéphale prosimien prosobranche prosodie prosome - prosopalgie prosopite prosopographie prosopopée prospaltelle prospect - prospection prospective prospectiviste prospérité prostacycline prostaglandine - prostate prostatectomie prostatique prostatisme prostatite prostatorrhée - prostemme prosternation prosternement prosthèse prostigmine prostitution - prostration prostyle prosyllogisme prosécrétine prosélyte prosélytisme - protagoniste protal protaminase protamine protandrie protanomalie protanope - protase prote protea protecteur protection protectionnisme protectionniste - protein protestant protestantisme protestataire protestation prothalle - prothrombine prothrombinémie prothrombokinine prothèse prothésiste - protide protidogramme protidémie protiréline protiste protistologie protium - protocardia protocellule protochordé protococcale protocole protocordé - protodonate protoescigénine protogalaxie protogine protogynie protohistoire - protolyse protomartyr protomonadale protomothèque protomé protométrie proton - protoneurone protongulé protonotaire protonthérapie protonéma protonéphridie - protophyte protoplanète protoplasma protoplasme protoplaste protoporphyrie - protoporphyrinogène protoporphyrinémie protoptère protorthoptère protostomien - protosuchien protosystole protosélacien protothérien prototropie prototypage - protoure protovertèbre protovestiaire protovérine protoxyde protozoaire - protozoose protoétoile protraction protriton protrusion protryptase - protuteur protège-cahier protège-garrot protège-pointe protège-slip protèle - protée protégé protéide protéidoglycémie protéidé protéidémie protéinase - protéinogramme protéinorachie protéinose protéinothérapie protéinurie - protéisme protéléiose protéoglycane protéolyse protéosynthèse protérandrie - protérozoïque protêt proudhonien proue prouesse proustien proustite prout - provenance provende provençale provençalisme provençaliste proverbe providence - providentialisme providentialiste provignage provignement provin province - provincialisation provincialisme proviseur provision provisionnement - provitamine provo provocateur provocation provéditeur proximité proxène - proxénie proxénète proxénétisme proyer proèdre proéchidné proéminence - prude prudence prudent pruderie prudhommerie pruine prune prunelaie prunelle - prunellier prunelée prunier prurigo prurit prussiate prussien prytane prytanée - pré préabdomen préaccentuation préadamisme préadamite préadaptation - préadolescent préalable préalerte préallocation préallumage préambule préampli - préanesthésie préannonce préapprentissage préassemblage prébende prébendier - précal précambrien précampagne précancérose précarence précarisation précarité - précation précausalité précaution préceinte précellence précepte précepteur - précession préchambre préchantre précharge préchargement préchauffage - précieuse préciosité précipice précipitation précipitine précipité préciput - précision précisionnisme précisionniste précoagulat précocité précognition - précombustion précommande précompilateur précompilation précompresseur - préconcassage préconcentration préconcept préconception précondition - préconfiguration préconisateur préconisation préconiseur préconstruction - précontrainte précordialgie précorrection précouche précoupe précuisson - précure précurseur précédence précédent prédateur prédation prédelirium - prédestination prédestiné prédicant prédicat prédicateur prédication - prédiction prédigestion prédilatation prédilection prédisposition prédominance - prédoseur prédécesseur prédécoupage prédélinquance prédélinquant prédémarieuse - prédéterminant prédétermination prédéterminisme préemballage préembryon - préencollage préenquête préenregistrement préenrobage préenseigne préentretien - préexcellence préexcitation préexistence préfabrication préfabriqué préface - préfanage préfaneuse préfecture préfet préfeuille préfiguration préfilt - préfixage préfixation préfixe préfixion préfloraison préfoliaison préfoliation - préformatage préformation préforme préformulation préfractionnateur - préfrittage préfromage préférante préférence préféré prégnance prégnandiol - prégnane prégnanolone prégnène prégnéninolone prégnénolone prégénérique - préhistoire préhistorien préhominien préimpression préimpressionniste - préinscription préinterview préjudice préjugement préjugé prékallicréine - prélart prélat prélature prélavage prélecture préleveur prélevée prélibation - prélude prélumination préluxation prélèvement prémagnétisation prématuration - prématurité prématuré prémaxillaire prémise prémisse prémolaire prémonition - prémontré prémourant prémunisation prémunition prémunité prémédication - prémélange préménopause prénasalisée prénom prénommé prénotion - préoblitéré préoccupation préoperculaire préopercule préordre préozonation - prépaiement prépalatale préparateur préparatif préparation préparationnaire - préplastification prépolymère prépondérance préposat préposition préposé - prépotentiel prépoubelle préprocesseur préprojet prépsychose prépsychotique - prépuce préqualification préraphaélisme préraphaélite prérapport prérasage - prérecrutement prérentrée préretraite préretraité prérogative préromantisme - prérédaction préréduction préréfrigération préréglage préréglement présage - présalé présanctifié préschizophrénie préschéma préscolarisation présence - présentateur présentatif présentation présente présentoir préservatif - préserve préside présidence président présidentiabilité présidentiable - présidentialisme présidentialiste présidentielle présidialité présidium - présomption présonorisation préspermatogenèse présupposition présupposé - présystole préséance préséchage présécheur présélecteur présélection - présélectionné présénescence présénilité présérie prétaillage prétannage - prétendant prétendu prétentiard prétention prétest préteur prétexte - prétoire prétonique prétorien prétraitement préture prétérit prétérition - prévalence prévaricateur prévarication prévenance prévente prévention - préventorium prévenu préverbation préverbe prévertèbre prévisibilité prévision - prévoyance prévélaire prévôt prévôté prézinjanthrope prééminence préétude - prêcheur prêle prêt prêtant prête-nom prêteur prêtraille prêtre prêtresse - prêté prône prôneur psacaste psallette psalliote psalmiste psalmodie - psammobie psammobiidé psammocarcinome psammodrome psammome psaume psautier - psen psettodidé pseudarthrose pseudencéphale pseudencéphalie pseudergate - pseudidé pseudo-alliage pseudo-onde pseudoarthrose pseudobasedowisme - pseudoboléite pseudobranchie pseudobrookite pseudobulbaire pseudocholéra - pseudochromhidrose pseudochromidrose pseudocicatrice pseudocirrhose - pseudocoelomate pseudocoelome pseudoconcept pseudocrustacé pseudocumène - pseudodon pseudodébile pseudodébilité pseudodéficit pseudodéficitaire - pseudofonction pseudoforme pseudofécondation pseudogamie pseudogestation - pseudogonococcie pseudogyne pseudogène pseudohallucination - pseudohermaphrodite pseudohématocèle pseudoinstruction pseudoionone - pseudolipome pseudomalachite pseudomembrane pseudomixie pseudomorphisme - pseudoméningite pseudométhémoglobine pseudonyme pseudonymie pseudonévralgie - pseudonévroptère pseudoparalysie pseudoparasite pseudoparasitisme pseudopelade - pseudophakie pseudophotesthésie pseudophyllide pseudophénomène pseudopode - pseudopolycythémie pseudopolydystrophie pseudoporencéphalie pseudorace - pseudorhumatisme pseudosclérodermie pseudosclérose pseudoscopie pseudoscorpion - pseudosomation pseudosphère pseudosuchien pseudotachylite pseudothalidomide - pseudotuberculose pseudotumeur pseudotyphoméningite pseudoxanthome psile - psilocybe psilocybine psilomélane psilopa psilose psithyre psittacidé - psittacisme psittacose psittacule psoa psocomorphe psocoptère psocoptéroïde - psophidé psophomètre psophométrie psoque psoralène psore psorenterie - psorospermie psorospermose psoïte psy psychagogie psychagogue psychalgie - psychanalyse psychanalysme psychanalyste psychanalysé psychasthénie - psychiatre psychiatrie psychiatrisation psychiatrisé psychisme psycho - psychobiologie psychochirurgie psychocritique psychodiagnostic psychodidé - psychodrame psychodynamisme psychodysleptique psychodépendance psychogenèse - psychogénétique psychogériatrie psychogérontologie psychokinèse psychokinésie - psycholeptique psycholinguiste psycholinguistique psychologie psychologisation - psychologiste psychologue psychomachie psychomotricien psychomotricité - psychométrie psychoneurasthénie psychonévrose psychopathe psychopathie - psychopharmacologie psychopharmacologue psychophysicien psychophysiologie - psychophysiologue psychophysique psychoplasme psychoplasticité psychoplégie - psychoprophylaxie psychopédagogie psychopédagogue psychorigide psychorigidité - psychorééducateur psychose psychosociologie psychosociologue psychosomatique - psychostimulant psychosynthèse psychosédatif psychotechnicien psychotechnie - psychothérapeute psychothérapie psychotique psychotisation psychotonique - psychotrope psychoénergisant psychromètre psychrométrie psychropote psyché - psylle psyllidé psyllium psélaphe ptarmigan pteria pterinea pteronidea - ptilium ptilocerque ptilonorhynchidé ptilose ptine ptisane ptomaphagie - ptomaïne ptose ptosime ptyaline ptyalisme ptyalorrhoea ptychodéridé - ptéranodon ptéraspidomorphe ptéridine ptéridisme ptéridophore ptéridophyte - ptéridospermée ptérine ptériomorphe ptérion ptérobranche ptéroclididé - ptérodactyle ptérodrome ptéromale ptérophore ptéropidé ptéropode ptérosaurien - ptérygion ptérygote ptérygoïde ptérygoïdien ptérylie ptérylose ptéréon ptôse - pub pubalgie pubarche puberté pubescence pubiotomie public publicain - publicisation publiciste publicitaire publicité publiphone publipostage - pubère puccinia puccinie puce pucelage puceron puche puchérite pucier pudding - puddleur pudeur pudibond pudibonderie pudicité pueblo puerpéralité puffin - pugiliste pugnacité puisage puisard puisatier puisement puisette puisoir - puissant pula pulchellia puli pulicaire pulicidé pull pull-over puller pulleur - pullorose pullulation pullulement pulmonaire pulmonique pulmoné pulpe - pulpite pulpoir pulpolithe pulque pulsar pulsateur pulsatille pulsation pulse - pulsion pulsomètre pulsoréacteur pultation pultrusion pulvinaire pulvinar - pulvérisateur pulvérisation pulvériseur pulvérulence pulégol pulégone puma - punaise punaisie punch puncheur punctum puncture puni punisseur punition - punk punka punkette puntarelle puntazzo puntillero pupaison pupation pupe - pupillarité pupille pupillomètre pupillométrie pupilloscopie pupillotonie - pupipare pupitre pupitreur pur pureté purgatif purgation purgatoire purge - purgeoir purgeur purgeuse purificateur purification purificatoire purin - purine purinosynthèse purisme puriste puritain puritanisme purot purotin - purpuricène purpurine purpurite purpurogalline purpuroxanthine purulence purée - puseyiste pusillanime pusillanimité pustulation pustule pustulose putain - putasserie putassier pute putier putiet putrescence putrescibilité putrescine - putréfaction putsch putschisme putschiste putt putter puvathérapie puy puzzle - puéricultrice puériculture puérilisme puérilité puîné pya pyarthrite - pycnique pycnodonte pycnodysostose pycnogonide pycnogonon pycnolepsie - pycnométrie pycnonotidé pycnose pycnoépilepsie pygaere pygargue pygaster - pygmée pygméisme pygomèle pygomélie pygopage pygopagie pygopode pygopodidé - pylochélidé pylore pylorectomie pylorisme pylorite pylorobulboscopie - pyloroduodénite pylorogastrectomie pyloroplastie pylorospasme pylorostomie - pyléphlébite pyléthrombose pylône pyobacille pyobacillose pyocholécyste - pyocine pyoculture pyocyanine pyocyanique pyocyste pyocyte pyocytose - pyodermie pyodermite pyogenèse pyogène pyogénie pyohémie pyolabyrinthite - pyomètre pyométrie pyonéphrite pyonéphrose pyophagie pyophtalmie - pyopneumohydatide pyopneumopéricarde pyopneumopérihépatite pyopneunokyste - pyopérihépatite pyorrhée pyorrhéique pyosclérose pyospermie pyrale pyralidé - pyramidage pyramide pyramidella pyramidion pyramidotomie pyramidula pyranne - pyrargyrite pyrausta pyrazinamide pyrazine pyrazole pyrazolidine pyrazoline - pyrellie pyrexie pyrgocéphalie pyrgophysa pyridazine pyridine pyridinium - pyridoxal pyridoxamine pyridoxine pyridoxinothérapie pyridoxinurie pyrimidine - pyrite pyroarséniate pyroaurite pyrocatéchine pyrocatéchol pyrochlore pyrochre - pyroclastite pyrocopal pyrocorise pyrodynamique pyrogallol pyrogenèse - pyrographe pyrograveur pyrogravure pyrogénation pyrole pyrolite pyrolusite - pyromancie pyromane pyromanie pyrominéralurgie pyromorphite pyromètre - pyroméride pyrométallurgie pyrométrie pyrone pyrope pyrophage pyrophanite - pyrophore pyrophosphate pyrophosphoryle pyrophyllite pyrophyte - pyroscaphe pyrosmalite pyrosome pyrosphère pyrostat pyrostilpnite pyrosulfate - pyrosulfuryle pyrosélénite pyrotechnicien pyrotechnie pyrotechnophile - pyrothérien pyroxyle pyroxène pyroxénite pyroélectricité pyrrhique pyrrhocore - pyrrhonisme pyrrhotite pyrrol pyrrolamidol pyrrole pyrrolidine pyrroline - pyruvate pyruvicoxydase pyruvicémie pyrylium pyrène pyrèthre pyrénomycète - pyrénéite pyréthrine pyréthrinoïde pyréthrolone pyrétothérapie pythagoricien - pythia pythie pythique python pythoniné pythonisse pythonomorphe pyurie pyxide - pyélite pyélocystite pyélogramme pyélographie pyélolithotomie pyélonéphrite - pyélonéphrotomie pyéloplastie pyéloscopie pyélostomie pyélotomie pyémie pâleur - pâque pâquerette pâte pâtissage pâtisserie pâtissier pâtissoire pâtisson pâton - pâtre pâturage pâture pâturin pâturon pâté pâtée pègre pèlerin pèlerinage - père pèse-liqueur péage péager péagiste péan pébrine pébroc pébroque pécari - péché pécore péculat pécule pédagogie pédagogue pédaire pédalage pédale - pédalier pédalion pédalo pédalée pédant pédanterie pédantisme pédate pédiatre - pédicellaire pédicelle pédicelline pédiculaire pédicule pédiculidé - pédiculose pédicure pédicurie pédifère pédiluve pédimane pédiment pédiométrie - pédipalpe pédiplaine pédobaptisme pédoclimat pédodontie pédogamie pédogenèse - pédologue pédomètre pédoncule pédonculotomie pédonome pédophile pédophilie - pédopsychiatrie pédospasme pédotribe pédrinal pédum pédé pédéraste pédérastie - pégase pégomancie pégomyie péguysme péguyste péjoratif péjoration pékan pékin - pékinologue pékiné pélagianisme pélagie pélagien pélagisme pélagosaure - pélamidière pélamyde pélargonidine pélargonium pélaud péliade pélican péliome - pélobate pélobatidé pélodyte pélomédusidé péloponnésien pélopsie pélopée - pélose péloïde pélycosaurien pélécanidé pélécaniforme pélécanoïdidé pélécine - pémacrophage pénalisation pénaliste pénalité péname pénard péneste pénibilité - pénicillaire pénicille pénicillinase pénicilline pénicillinorésistance - pénicillinémie pénicillium pénicillothérapie pénicillémie pénil péninsulaire - pénitence pénitencerie pénitencier pénitent pénitentiel pénologie pénombre - pénurie pénème pénélope pénéplaine pénéplanation pénétrabilité pénétrance - pénétrateur pénétration pénétromètre péon péotillomanie péotte péperin pépie - pépin pépinière pépiniériste pépite péplum pépon péponide pépère pépé pépée - péquenaud péquenot péquin péquisme péquiste péracaride péracéphale péramèle - péremption pérennibranche pérennisation pérennité péri péri-oesophagite - périadénite périadénoïdite périangiocholite périanthe périapexite - périarthrite périartérite périastre péribole péricarde péricardectomie - péricardiocentèse péricardiolyse péricardiotomie péricardite péricardocentèse - péricardoscopie péricardotomie péricarpe péricaryone péricholangiolite - périchondre périchondrite périchondrome périclase péricolite péricololyse - péricoronarite péricowpérite péricrâne péricycle péricysticite péricystite - périderme pérididymite péridinidé péridinien péridinium péridiverticulite - péridotite périduodénite péridurale péridurographie périencéphalite - périf périfolliculite périgastrite périgordien périgourdin périgée périhélie - périkystectomie périkystite péril périlampe périlite périlobulite périlymphe - périmètre périméningite périmétrie périmétrite périnatalité périnatalogie - périnée périnéocèle périnéoplastie périnéorraphie périnéostomie périnéotomie - périnéphrose période périodeute périodicité périodique périodisation - périoesophagite périophtalmite périophthalme périorchite périoste périostite - périostéite périostéogenèse périostéoplastie périostéose péripachyméningite - péripate péripatéticien péripatéticienne péripatétisme périphlébite périphrase - périphérique périple péripneumonie périprocte périproctite périprostatite - péripétie périrectite périsalpingite périscope périsigmoïdite périsperme - périsporiale périssabilité périssodactyle périssoire périssologie - péristase péristome péristyle périsynovite périsystole périthèce périthéliome - péritoine péritomie péritomiste péritonisation péritonite péritonéoscopie - péritoxine péritriche pérityphlite pérityphlocolite péritéléphonie - périurétrite périurétérite périvaginite périvascularite périviscérite - périèque périégète péromysque péromèle péroméduse péromélie péronier péronisme - péronnelle péronosporacée péronosporale péroné péronée péroraison péroreur - pérot pérovskite péruvien pérylène pérégrin pérégrination pérégrinisme - pétainisme pétainiste pétale pétalisme pétalite pétalodie pétanque pétarade - pétardage pétase pétasite pétasse pétaudière pétaure pétauriste pétauristiné - péteur péteuse pétillement pétinisme pétiniste pétiole pétiolule pétition - pétitionnement pétitoire pétochard pétoche pétoire pétomane pétoncle - pétrarquiste pétrel pétricherie pétricole pétrification pétrin pétrinal - pétrisseur pétrisseuse pétrissée pétrochimie pétrochimiste pétrochélidon - pétrodrome pétrogale pétrogenèse pétroglyphe pétrographe pétrographie - pétrole pétrolette pétroleur pétroleuse pétrolier pétrolisme pétrolochimie - pétrologiste pétroléochimie pétroléochimiste pétromonarchie pétromyidé - pétrosite pétroïque pétulance pétun pétunia pétunsé pétéchie pézize pêche - pêcherie pêchette pêcheur pêne pôle qadirite qalandari qarmate qasîda qatari - qintar quadra quadragénaire quadragésime quadrangle quadranopsie - quadrant quadrantectomie quadratique quadratrice quadrature quadrette - quadricâble quadriel quadrige quadrigéminisme quadrilatère quadrillage - quadrillion quadrilobe quadrimestre quadrimoteur quadripartition quadriparésie - quadriplace quadriplégie quadripolarisation quadriprocesseur quadripôle - quadrirème quadriréacteur quadrisyllabe quadrivalence quadrivecteur quadrivium - quadruple quadruplement quadruplet quadruplette quadruplé quadruplégie - quadrupédie quadrupôle quai quaker quakerisme qualificateur qualificatif - qualifieur qualitatif qualitique qualité quanteur quantificateur - quantifieur quantimètre quantimétrie quantitatif quantitativiste quantité - quarantaine quarante-huitard quarantenaire quarantenier quarantième quark - quart quartage quartanier quartannier quartation quartaut quarte quartefeuille - quartelot quartenier quarteron quartet quartette quartidi quartier quartilage - quartodéciman quartzite quartzolite quarté quasar quasi quasi-contrat - quasicristal quasifixité quasipériodicité quassia quassier quassine - quaterne quaternion quaterpolymère quatorzaine quatorzième quatrain - quatrième quattrocentiste quattuorvir quatuor quebracho quechua quenelle - quenouille quenouillette quenouillère quenouillée quenstedtite quensélite - quercitol quercitrin quercitrine quercitron quercétine querelle querelleur - querneur quernon quernure questeur question questionnaire questionnement - questorien questure quetsche quetschier quetzal queue queusot queutage quiche - quidam quiddité quiescence quignon quillard quille quillette quilleur quillier - quinacrine quinaire quinamine quinazoline quincaille quincaillerie - quinconce quindecemvir quindecemvirat quine quinhydrone quinidine quinidinémie - quininisation quininisme quinisation quinisme quinoa quinolone quinoléine - quinoxaline quinquagénaire quinquagésime quinquennat quinquet quinquina - quinquévir quint quintaine quinte quintefeuille quintessence quintette - quintillion quintolet quintuple quintuplement quintuplé quinuclidine quinzaine - quinzième quinzomadaire quipo quipou quiproquo quipu quirat quirataire quirite - quittance quiétisme quiétiste quiétude quokka quolibet quorum quota quotidien - quotient quotité québécisme quédie quéiroun quélea quélé quémandeur quéquette - quérulence quérulent quésiteur quête quêteur qât rabab rabaissement raban - rabassenage rabassier rabat rabattage rabattement rabatteur rabatteuse - rabbi rabbin rabbinat rabbinisme rabdomancie rabe rabibochage rabiotage - rabot rabotage rabotement raboteur raboteuse rabotin rabougrissement - rabouillère rabouin raboutage rabreuvage rabrouement rabâchage rabâchement - racage racahout racaille racanette raccard raccommodage raccommodement - raccommodeuse raccoon raccord raccordement raccorderie raccourci - raccoutrage raccoutreuse raccroc raccrochage raccrochement raccrocheur race - raceur rachat rache racheteur rachevage rachialgie rachialgite rachianalgésie - rachicenthèse rachimbourg rachitique rachitisme rachitome raciation racinage - raciologie racisme raciste rack racket racketeur racketteur raclage racle - raclement raclette racleur racloir racloire raclure raclée racolage racoleur - raconteur racoon racornissement racémate racémisation rad radar - radariste radassière rade radeuse radiaire radiale radian radiance radiant - radiation radicalisation radicalisme radicaliste radicalité radicelle - radicotomie radiculalgie radicule radiculite radiculographie radier - radiesthésiste radin radinerie radio radio-concert radio-crochet - radioactivité radioagronomie radioalignement radioaltimètre radioamateur - radioastronomie radiobalisage radiobalise radiobiologie radioborne - radiocardiogramme radiocardiographie radiocarottage radiocartographie - radiochimie radiochimiste radiochronologie radiochronomètre - radioclub radiocobalt radiocommande radiocommunication radioconducteur - radioconservation radiocontrôleur radiocristallographie radiodermite - radiodiffuseur radiodiffusion radiodistribution radiodétecteur radiodétection - radioexposition radiofréquence radiogalaxie radiogonio radiogoniomètre - radiogramme radiographe radiographie radioguidage radiohéliographe - radiolaire radiolarite radioleucose radioleucémie radioligand - radiologie radiologiste radiologue radiolucite radioluminescence radiolyse - radiomanométrie radiomensuration radiomessagerie radiomesure radiomucite - radiomètre radiométallographie radiométrie radiométéorologie radionavigant - radionavigation radionuclide radionucléide radionécrose radiopasteurisation - radiopathologie radiopelvigraphie radiopelvimétrie radiophare - radiophase radiophonie radiophotographie radiophotoluminescence - radiophysique radioprotection radioreportage radioreporter radiorepérage - radiorénogramme radiorépondeur radiorésistance radioréveil radiosarcome - radiosensibilité radiosondage radiosonde radiosource radiostabilité - radiostérilisation radiostéréoscopie radiotechnique radiothérapeute - radiotomie radiotoxicité radiotraceur radiotélescope radiotélégramme - radiotélégraphiste radiotéléphone radiotéléphonie radiotéléphoniste - radiovaccination radioécologie radioélectricien radioélectricité radioélément - radioépidermite radioépithélioma radioétoile radiumbiologie radiumpuncture - radiée radjah radjasthani radoire radome radotage radoteur radoub radoubage - radula radôme rafale raffermissement raffilage raffileur raffinage raffinat - raffinerie raffineur raffineuse raffinose raffiné raffle rafflesia - rafflésie raffut rafiot rafistolage rafistoleur rafle rafraîchissage - rafraîchisseur rafraîchissoir rafting ragage rage raglan raglanite ragocyte - ragot ragougnasse ragoût ragréage ragréement ragréeur ragtime rai raid raider - raidillon raidissement raidisseur raie raifort rail raillerie railleur rainage - rainette rainurage rainure rainureuse raiponce raisin raisinier raisiné raison - raisonnement raisonneur raiton raja rajah rajeunissement rajidé rajiforme - rajoutage rajustement rakette raki ralenti ralentissement ralentisseur - rallidé ralliement ralliforme rallié rallonge rallongement rallumage rallumeur - ralstonite ramada ramadan ramage ramapithèque ramassage ramasse ramassement - ramasseur ramasseuse ramassoire ramassé rambarde rambour ramdam rame ramenard - ramendeur ramener rameneret ramequin ramerot ramescence ramette rameur rameuse - ramie ramier ramification ramille ramiret ramisection ramisme ramiste ramière - ramolli ramollissement ramollo ramonage ramoneur rampant rampe rampement - ramure ramée ranale ranatre rancard rancart rance ranch ranche rancher - ranchman rancho rancidité rancissement rancissure rancoeur rancune rancunier - randanite randomisation randonneur randonnée ranelle rang range rangement - rangeur rangée rani ranidé ranimation ranina ransomite rantanplan ranule - rançonnement rançonneur raout rap rapace rapacité rapakivi rapakiwi rapana - rapatriement rapatrié rapatronnage rapetassage rapetissement raphanie - raphia raphicère raphide raphidie raphidioptère raphidé raphé rapiat rapide - rapiette rapin rapine rapinerie rapineur rapiècement rapière rapiéçage - rappel rappelé rapper rappeur rapport rapportage rapporteur rapprochage - rapprocheur rapprovisionnement rapsode rapsodie rapt raquetier raquette - raquetteur raquettier rara rareté raréfaction rasade rasage rasance rasbora - rascette rasement rasette raseur raseuse rash rasière rasoir rason rasorisme - raspoutitsa rassasiement rassemblement rassembler rassembleur rassissement - rassortiment rassérénement rasta rastafari rastafarisme rastaquouère rastel - rata ratafia ratage ratanhia ratapoil ratatinement ratatouille rate ratel - rathite ratichon raticide ratier ratification ratinage ratine ratineuse rating - ratiocinage ratiocination ratiocineur ration rationalisation rationalisme - rationalité rationite rationnaire rationnel rationnement ratissage ratissette - ratissoire ratite ratière raton ratonade ratonnade ratonneur rattachement - ratte rattrapage rattrapante rattrapeur ratu ratufa raturage rature ratureur - raubasine rauchage raucheur raucité rauquement rauvite rauwolfia ravage - ravageuse ravagé raval ravalement ravaleur ravanceur ravaudage ravaudeur rave - ravelle ravenala ravenelle ravier ravigote ravin ravine ravinement ravinée - ravioli ravissement ravisseur ravitaillement ravitailleur ravivage ravière ray - rayage rayement rayeur rayon rayonnage rayonne rayonnement rayonneur rayonné - rayère raze razzia raïa rebab rebanchage rebasculement rebassier rebattage - rebatteuse rebattoir rebec rebecteur rebelle rebelote rebiffe rebiolage - rebobinage reboisement rebond rebondissement rebord rebot rebouchage - reboutement rebouteur rebreathing rebroussement rebroussoir rebrûlage - rebullage rebut rebutage rebuteur rebêchage rebêche recadrage recalage - recalibrage recalé recanalisation recapitalisation recarburant recarburation - recatégorisation recel receleur recelé recensement recenseur recension - recentrement recepage recepée recerclage recette recevabilité receveur - rechampissage rechange rechapage recharge rechargement rechaussement recherche - rechoisisseur rechristianisation rechute recirculation reclassement - recloisonnement recluserie recluzie recodage recognition recoin recollage - recoloration recombinaison recombinant recommandataire recommandation - recommencement recomplètement recomposition recompression recon recondensation - reconductibilité reconduction reconduite reconfiguration reconfirmation - reconnexion reconquête reconsidération reconsolidation reconstituant - reconstructeur reconstruction reconsultation recontamination reconvention - recopiage recopie recoquetage record recordage recordman recotation recoupage - recoupement recoupette recouplage recouponnement recourbement recourbure - recouvrement recouvreur recreusement recristallisation recroquevillement - recrue recruitment recrutement recruteur recréateur recréation recrépissage - rectangle recteur rectificateur rectificatif rectification rectifieur - rectiligne rection rectite rectitude recto rectococcypexie rectocolite - rectographie rectomètre rectopexie rectophotographie rectoplicature - rectorat rectorragie rectorraphie rectoscope rectoscopie rectosigmoïdite - rectostomie rectotomie rectrice rectum recueil recueillement recuisson recuit - reculade reculage reculement reculée recyclage recélé recépage recépée red - reddingite reddition redemande redent redescente redevable redevance - redingote redingtonite redirectionnement rediscussion redisparition - redistribution redite redondance redoublant redoublement redoul redoute - redresse redressement redresseur redressoir redynamisation redécollage - redécouverte redéfinition redémarrage redépart redéploiement refaisage refend - refente referendum refermeture refeuillement refinancement reflet - refluement refondateur refondation refonte reforage reforestation reformage - reformatage reformation reformeur reforming reformulation refouillement - refouleur refouloir refoulé refrain refroidi refroidissement refroidisseur - refrènement refuge refusion refusé refuznik reg regain regard regardeur - regazéificateur regazéification regel reggae regimbement regimbeur reginglard - registre regonflage regonflement regorgement regrat regrattage regrattier - regrolleur regroupage regroupement regrèvement regur rehaussage rehausse - rehausseur rehaut reichsmark rein reine reinette reinite rejaillissement - rejet rejeton rejointoiement rejudaïsation relance relancement relargage - relatif relatinisation relation relativation relative relativeur - relativisme relativiste relativité relavage relaxateur relaxation relaxe - relayeur relayé release relecture relent relestage relevage relever releveur - relevée reliage relief relieur religieuse religion religionnaire religiosité - reliquaire reliquat relique reliure relocalisation relogement relâche - relève relève-moustache relèvement relégation relégué rem remaillage - remake remaniement remanieur remaquillage remariage remarque remasticage - rembarquement remblai remblaiement remblayage remblayeuse rembobinage rembord - rembordeur rembordeuse rembourrage rembourrure remboursement remboîtage - rembrunissement rembuchement rembucher remembrement remerciement remettage - remetteur remilitarisation reminéralisation remisage remise remisier - remmailleur remmailleuse remmoulage remmouleur remnographe remobilisation - remontage remontant remonte remonte-pente remonteur remontoir remontrance - remontée remorphinisation remorquage remorque remorqueur remotivation - remoulage rempaillage rempailleur rempart rempiétage rempiétement remplacement - remplaçant rempli rempliage remplieur remplieuse remplissage remplissement - remplisseuse remploi rempoissonnement rempotage remuage remue remuement - remugle remâchement remède remémoration renaissance renard renardite - renaudeur rencaissage rencaissement rencard rencart renchérissement - rencollage rencontre rendage rendant rendement rendu rendzine renette - renfermement renfermé renflement renflouage renflouement renfoncement - renforcement renformage renformeur renformoir renfort renforçage renforçateur - renfrogné rengagement rengagé rengaine rengorgement rengrènement reniement - reniflement renifleur renne renom renommée renon renonce renoncement - renonciateur renonciation renonculacée renoncule renormalisation renouement - renouvellement renouée renrailleur renseignement rentabilisation rentabilité - rentier rentoilage rentoileur rentrage rentraiture rentrant rentrayage - rentré rentrée renvergeure renverse renversement renversé renvidage renvideur - renvoyeur renâcleur renégat renégociation rep repaire reparlementarisation - reparution repassage repasseur repasseuse repatronage repavage repavement - repentance repentant repenti repentir repercé reperméabilisation reperçage - repeuplée repic repiquage repique repiqueur repiqueuse replacement replanage - replanisseur replantation replat repli replicon repliement reploiement - repolarisation repolissage reponchonneur repopulation report reportage - reporteur reporté repose repositionnement reposoir reposée repoussage repousse - repousseur repoussoir repoussé repreneur repressage repressurisation reprint - reprise repriseuse reprivatisation reproche reproducteur reproductibilité - reproductivité reproductrice reprofilage reprogrammation reprographie - représentant représentation représentativité représenté reptantia reptation - repyramidage repère repérage repêchage requalification requeté requienia - requin requinquage requérant requête requêté rerespiration reroutage - resarcisseur resarcissure rescapé rescindant rescision rescisoire rescousse - rescrit resocialisation respect respectabilité respectueuse respirabilité - respiration resplendissement responsabilisation responsabilité responsable - resquillage resquille resquilleur ressac ressaisissement ressassement - ressaut ressautoir ressayage ressemblance ressemelage ressemeleur ressentiment - resserre resserrement ressort ressortie ressortissant ressource ressourcement - ressui ressuscité ressuyage restalinisation restant restau restaurant - restauration reste restite restitution resto restoroute restouble restriction - restructuration resténose resucée resurchauffe resurchauffeur - retable retaillage retaille retannage retapage retape retard retardant - retardateur retardement retardé retassure retendoir retentissement retenue - retersage reterçage retirage retiraison retiration retirement retissage - retombement retombé retombée retorchage retordage retordement retorderie - retordoir retorsoir retouche retoucheur retour retournage retourne - retourneur retourné retraduction retrait retraitant retraite retraitement - retranchement retranscription retransmetteur retransmission retransplantation - retrayé retrempe retriever retroussage retroussement retrouve retubage retusa - revaccination revalorisation revanchard revanche revanchisme revanchiste - revenant revendeur revendicateur revendication revente revenu revenue - reverdissage reverdissement reverdoir revernissage reversement reversi - revier revif revigoration revirement revitalisation revival revivalisme - reviviscence revolver revoyure revrillement revue revuiste revérification - rewriter rewriting rexisme rexiste rezzou reçu reître rhabdite rhabditidé - rhabdologie rhabdomancie rhabdomancien rhabdomant rhabdomyolyse rhabdomyome - rhabdophaga rhabdophane rhabdophore rhabdopleure rhabdouque rhabillage - rhabilleur rhacophore rhagade rhagie rhagionidé rhagocyte rhagonyque rhamnacée - rhamnitol rhamnose rhamnoside rhamnusium rhamphastidé rhamphomyie - rhaphidioptère rhaphigastre rhapsode rhapsodie rhegmatisme rheno rhexia - rhinanthe rhinarium rhincodontidé rhinencéphale rhineuriné rhingie rhingrave - rhinite rhino rhino-pneumonie rhinobate rhinobatidé rhinobatoïde - rhinochère rhinochète rhinochétidé rhinoconiose rhinocrypte rhinocylle - rhinocérotidé rhinoderme rhinoedème rhinoestre rhinolalie rhinolaryngite - rhinolithiase rhinologie rhinolophe rhinomanométrie rhinomycose rhinométrie - rhinopathie rhinopharyngite rhinophonie rhinophore rhinophycomycose - rhinophyma rhinopithèque rhinoplastie rhinopomaste rhinopome rhinoptère - rhinorraphie rhinorrhée rhinorthe rhinosalpingite rhinosclérome rhinosclérose - rhinoseptoplastie rhinosime rhinosporidiose rhinostomie rhinotermitidé - rhinothèque rhinotomie rhipicéphale rhipidistien rhipiphoridé rhipiptère - rhizalyse rhizarthrose rhize rhizine rhizobie rhizobium rhizocaline - rhizocaulon rhizochloridale rhizoctone rhizoctonie rhizocéphale rhizoderme - rhizoflagellé rhizogenèse rhizomanie rhizomastigine rhizome rhizomorphe - rhizomère rhizoménon rhizoperthe rhizophage rhizophoracée rhizophore rhizopode - rhizostome rhizotaxie rhizotide rhizotome rhizotomie rhizotrogue rhizoïde - rhodammine rhodanate rhodane rhodanine rhodia rhodiage rhodien rhodinal - rhodite rhodizite rhodochrosite rhododendron rhodolite rhodonite rhodophycée - rhodovibrio rhodoïd rhodéose rhodésien rhogogaster rhombe rhombencéphale - rhomboèdre rhomboïde rhomphée rhonchopathie rhopalie rhopalocère rhopalodine - rhopalosiphum rhophéocytose rhotacisme rhovyl rhubarbe rhum rhumatisant - rhumatologie rhumatologiste rhumatologue rhumb rhume rhumerie rhumier - rhynchite rhynchium rhynchobdelle rhynchocoele rhynchocyon rhynchocéphale - rhynchonelle rhynchophore rhynchopidé rhynchosaurien rhynchote rhynchée - rhyolite rhyolithe rhysota rhysse rhyssota rhytida rhytidectomie rhytidome - rhyton rhème rhé rhéidé rhéiforme rhénan rhénate rhéobase rhéocardiogramme - rhéoencéphalographie rhéogramme rhéographe rhéographie rhéolaveur rhéologie - rhéomètre rhéopexie rhéophorégramme rhéopléthysmographie rhéopneumographie - rhéotaxie rhéotropisme rhéteur rhétoricien rhétorique rhétoriqueur ria rial - ribaud ribaudequin riblage riblon riboflavine ribonucléase ribonucléoprotéine - ribosome ribote ribouldingue ribésiacée ribésiée ricain ricanement ricaneur - richard riche richellite richesse richérisme ricin ricinine ricinoléate - ricinuléide rickardite rickettsie rickettsiose rickettsiémie rickshaw ricochet - rida ridage ride ridectomie ridelage rideleur ridelle ridement ridicule ridoir - ridée riebeckite riel rien riesling rietbok rieur rieuse rif rifain - rifaudage riff riffle riffloir rififi riflard rifle riflette rifloir rift - rigidification rigidité rigodon rigolade rigolage rigolard rigole rigoleur - rigollot rigolo rigor rigorisme rigoriste rigotte rigueur rillaud rillette - rilsan rimailleur rimaye rimbaldien rime rimeur rimmel rincette rinceur - rincée ring ringard ringardage ringardeur ringgit ringicule rink rinçage - ripage ripaille ripailleur ripainsel ripaton ripe ripement ripidolite ripolin - rippage ripper rire risban risberme risette risotto risque risse rissoa - rissolier rissoïdé ristella ristocétine ristourne ristourneur risée rit rital - ritodrine ritologie ritournelle ritualisation ritualisme ritualiste rituel - rivalité rive rivelaine riverain riveraineté riversidéite rivet rivetage - riveur riveuse rivière riviérette rivoir rivulaire rivure rixdale rixe riyal - riziculteur riziculture rizipisciculteur rizipisciculture rizière roadster rob - robe robelage robert robeur robeuse robier robin robinet robinetier - robinier robinine robinson robot roboticien robotique robotisation robre - robusta robustesse roc rocade rocaillage rocaille rocailleur rocamadour - roccella roccelline rocelle rochage rochassier roche rocher rochet rochier - rock rocker rocket rockeur rocou rocouyer rodage rodeo rodeuse rodoir rodomont - rodéo roeblingite roemérite roentgen roentgenthérapie rogaton rogi rognage - rogneur rogneuse rognoir rognon rognonnade rognure rogomme rogue rogui rohart - roi roideur roitelet roller rollier rollot romagnol romain romaine roman - romancero romanche romancier romani romanichel romanisant romanisation - romaniste romanité romano romanticisme romantique romantisation romantisme - romarin romatière romaïque rombière rompu romsteck roméite roméo ronce - ronchon ronchonnement ronchonneur ronchonnot roncier roncière rond rondache - rondaniella ronde rondel rondelle rondeur rondier rondin rondissage rondisseur - rondo rondoir rondouillard ronflement ronfleur rongeage rongeant rongement - rongeure ronron ronronnement ronéo roof rookerie rookery rooter roque - roquelaure roquentin roquerie roquesite roquet roquetin roquette rorqual - rosacée rosage rosaire rosalbin rosale rosalie rosaniline rosasite rosbif - rose roselet roselin roselière rosenbuschite roseraie rosette roseur roseval - rosicrucien rosier rosissement rosière rosiériste rosminien rossard rosse - rossia rossignol rossinante rossini rossinien rossite rossée rostellaire - rostre rosé rosée rosélite roséole roséoscopie rot rotacteur rotalie rotang - rotarien rotary rotateur rotation rotationnel rotative rotativiste rote - roteur roteuse rothia rotier rotifère rotin rotinier roto rotobineuse - rotomoulage rotonde rotondité rotor rotoviscosimètre rotrouenge rotruenge - rotule roture roturier roténone rouable rouage rouan rouanne rouannette - roublard roublardise rouble roucaou rouchi roucoulade roucoulement roudoudou - rouelle rouennerie rouennier rouergat rouerie rouet rouette rouf rouflaquette - rougeaud rougeoiement rougeole rougeot rouget rougeur rougissement rouille - rouillure rouissage rouisseur rouissoir roulade roulage roulant roulante roule - roulette rouleur rouleuse roulier roulisse rouloir roulottage roulotte - roulotté roulure roulé roulée roumain roumanophone roumi round roupie - roupillon rouquier rouquin rouscaille rouscailleur rouspétance rouspéteur - rousseauisant rousseauiste rousselet rousseline rousserolle rousset roussette - roussi roussin roussissement roussissure roustisseur rousture routage routard - routeur routier routine routinier routinisation routière routoir rouvet - rouvre roué rowing royale royalisme royaliste royan royaume royauté royena rpr - ruade ruban rubanement rubanerie rubanier rubato rubellite rubiacée rubicelle - rubidomycine rubiette rubigine rubricaire rubricisme rubriciste rubrique - rubéfaction rubéfiant rubéole ruche rucher ruché ruchée rudbeckia rudbeckie - rudesse rudiment rudiste rudite rudoiement rudologie rudération rue ruelle - rufian rugby rugination rugine rugissement rugosité ruine ruiniste ruinure - ruissellement rumb rumba rumen rumeur rumina ruminant rumination rumsteak - ruménotomie runabout runcina runcinia rune runologie runologue rupiah rupicole - rupophobie rupteur rupture ruralisme ruraliste ruralité rurbanisation ruse - russe russification russisme russophile russophone russule rustaud rustauderie - rusticité rustine rustique rustre rusé rut rutabaga rutacée rutale - rutherfordium ruthène ruthénate rutilance rutile rutilement rutine rutoside - ruée rydberg rynchite rynchocoele rynchote ryssota rythme rythmicien - rythmique rythmologie râble râblure râle râlement râleur râpage râpe râperie - râpure râpé râtelage râteleur râteleuse râtelier râtelée règle règlement règne - réabonnement réabreuvage réabsorption réac réaccumulation réaccélération - réactance réactant réacteur réactif réaction réactionnaire réactivation - réactogène réactualisation réadaptation réadapté réadjudication réadmission - réaffichage réaffirmation réagencement réagine réajustement réale réalgar - réalimentation réalisabilité réalisateur réalisation réalisme réaliste réalité - réalésage réamorçage réaménagement réanalyse réanimateur réanimation - réapparition réappauvrissement réapprentissage réapprofondissement - réapprovisionnement réappréciation réarmement réarrangement réascension - réassort réassortiment réassortisseur réassurance réassureur réattribution - récalcitrant récap récapitulatif récapitulation récence récense réceptacle - récepteur réception réceptionnaire réceptionniste réceptivité réceptologie - récession récessivité réchampi réchampissage réchappé réchaud réchauffage - réchauffement réchauffeur réchauffoir réchauffé récidive récidivisme - récidivité récif récipiendaire récipient réciprocité réciproque récit récital - récitateur récitatif récitation réclamant réclamateur réclamation réclame - réclusion réclusionnaire récognition récolement récoleur récollection récollet - récolte récolteur récolteuse récompense réconciliateur réconciliation - récri récriminateur récrimination récré récréance récréation récrément récup - récupération récurage récurant récurrence récursivité récurvarie - récusation récépissé rédacteur rédaction rédempteur rédemption rédemptoriste - rédhibition rédie rédintégration rédowa réductase réducteur réductibilité - réductionnisme réductionniste réductone réduit réduite rédunciné réduplicatif - réduve réduviidé réel réemballage réembarquement réembauchage réembauche - réengagement réenregistrement réenroulement réensemencement réentrance - réentrée réescompte réessayage réestimation réestérification réexamen - réexportation réexposition réexpédition réextradition réfaction réfection - réflecteur réflectivité réflexe réflexibilité réflexion réflexivation - réflexivité réflexogramme réflexologie réflexologue réflexométrie - réformateur réformation réforme réformette réformisme réformiste réformite - réfractaire réfractarité réfracteur réfraction réfractionniste réfractivité - réfractométrie réfrangibilité réfrigérant réfrigérateur réfrigération - réfrènement réfugié réfutabilité réfutation référence référencement - référendaire référendariat référendum référent référentiel référé régal - régalage régale régalec régalement régaleur régaliste régate régatier régence - régicide régie régime régiment région régionalisation régionalisme - régionnaire régiospécificité régiosélectivité régisseur réglage - réglementariste réglementation réglet réglette régleur régleuse réglisse - réglure régolite régression régulage régularisation régularité régulateur - régulationniste régulatrice régule régulidé régulier régulière régurgitation - régénération régénérescence réhabilitation réhabilité réhoboam réhomologation - réhydratation réification réimperméabilisation réimplantation réimportation - réimpression réimputation réincarcération réincarnation réincorporation - réincubation réinculpation réindemnisation réindexation réindustrialisation - réinitialisation réinjection réinnervation réinscription réinsertion - réinstauration réinterprétation réintervention réintroduction réintégrande - réinvention réinvestissement réislamisation réitération réjouissance - rélargissement réline réluctance réluctivité rémanence rémanent rémige - rémissibilité rémission rémittence rémora rémoulade rémouleur rémunérateur - réméré rénette rénine réninémie rénitence rénocortine rénogramme rénovateur - réobstruction réocclusion réoccupation réorchestration réordination - réorganisation réorientation réouverture répandage répandeuse réparage - réparation répartement répartie répartiement répartiteur répartition réparton - réparure répercussion répercussivité répertoire répit réplicateur réplication - réplique répliqueur réplétion répondant répondeur réponse répresseur - réprimande réprobation réprouvé répréhension républicain républicanisme - répudiation répugnance répulsif répulsion réputation répéteur répétiteur - répétitivité répétitorat réquisit réquisition réquisitionné réquisitoire - résection réseleuse réserpine réservataire réservation réserve réserviste - résidanat résidant résidence résident résidu résignataire résignation résigné - résilience résille résine résingle résinier résinification résinographie - résiné résipiscence résistance résistant résistivimètre résistivité résistor - résitol résol résolutif résolution résolvance résolvante résolveur résonance - résonnement résorbant résorcine résorcinol résorption résultante résultat - résurgence résurrection réséda rétablissement rétamage rétameur rétenteur - rétentionnaire rétentionniste rétiaire réticence réticulat réticulation - réticulide réticuline réticulite réticulo-endothéliose réticuloblastomatose - réticulocytopénie réticulocytose réticulofibrose réticulogranulomatose - réticulomatose réticulopathie réticuloplasmocytome réticulosarcomatose - réticulose réticulum réticulée réticulémie rétification rétinal rétine - rétinoblastome rétinocytome rétinographe rétinographie rétinol rétinopathie - rétinoscopie rétinotopie rétinoïde rétinène rétiveté rétivité rétorsion - rétothéliose rétothélosarcome rétractabilité rétractation rétracteur - rétractilité rétraction rétreint rétreinte rétribution rétro rétroaction - rétrocession rétrochargeuse rétrocharriage rétrocognition rétrocontrôle - rétrodiffusion rétrodéviation rétroextrusion rétroflexe rétroflexion - rétrognathie rétrogradation rétrogression rétrogène rétrogénie rétromorphose - rétropneumopéritoine rétroposition rétroprojecteur rétroprojection - rétropulsion rétropédalage rétropéritonite rétroréflecteur rétrorégulation - rétrospective rétrotectonique rétrotraction rétrotranscription rétrotransposon - rétrovaccination rétroversion rétrovirologie rétrovirologiste rétroviseur - rétène réunification réunion réunionnite réunissage réunisseur réunisseuse - réussite réutilisation réveil réveilleur réveillon réveillonneur réveillée - réverbération réversibilité réversion réviseur révision révisionnisme - révocabilité révocation révolte révolté révolution révolutionnaire - révolutionnarisme révolutionnariste révulsif révulsion révélateur révélation - révérend rééchelonnement réécriture réédification réédition rééducateur - réélection rééligibilité réémergence réémetteur réémission rééquilibrage - réévaluation rêne rêvasserie rêvasseur rêve rêverie rêveur rôdeur rôlage rôle - rôt rôti rôtie rôtissage rôtisserie rôtisseur rôtissoire römérite röntgen - röntgénisation röntgénoscopie sabayon sabbat sabbataire sabbathien sabellaire - sabellianisme sabellidé sabien sabin sabine sabinea sabinol sabinène sabir - sable sablerie sableur sableuse sablier sablière sablon sablonnette - sablé sabord sabordage sabordement sabot sabotage saboterie saboteur sabotier - saboulette sabounié sabra sabrage sabre sabretache sabreur sabreuse sabugalite - saburre sabéen sabéisme sac saccade saccage saccagement saccageur saccharase - saccharide saccharidé saccharificateur saccharification saccharimètre - saccharine saccharolé saccharomycose saccharose saccharosurie saccharure - saccocome saccopharyngiforme saccoradiculographie saccule sacculine sacebarone - sacerdoce sachem sacherie sachet sachée sacoche sacolève sacoléva sacome - sacquebute sacralgie sacralisation sacramentaire sacre sacrement sacret - sacrifice sacrifié sacrilège sacripant sacristain sacriste sacristie - sacro-coxalgie sacrocoxalgie sacrocoxite sacrodynie sacrolombalisation sacrum - sadducéen sadique sadisme sado sadomasochisme sadomasochiste saducéen safari - safoutier safran safranal safranière safre saga sagacité sagaie sagard - sage sagesse sagette sagibaron sagina sagine sagitta sagittaire sagittariidé - sagouin sagoutier sagra sagre sagum sagénite saharien saharienne sahel sahib - sahélien saie saignement saigneur saignoir saignée saillant saillie sainfoin - saint saint-cyrien saint-marcellin saint-simonien saint-sulpicerie sainteté - saisi saisie saisine saisissement saison saisonnalité saisonnier saissetia - saki sakieh saktisme saké sal salabre salacité salade saladero saladier salage - salaison salaisonnerie salaisonnier salamalec salamandre salamandrelle - salamandrine salami salangane salangidé salant salariat salarié salatier - salazariste salbande salbutamol salda sale salep saleron saleté saleur saleuse - salicacée salicaire salicine salicinée salicoque salicorne salicoside - saliculture salicylate salicylothérapie salicylémie salidiurétique salien - saligaud salignon salimancie salin salinage salindre saline salinier - salinité salissage salisson salissure salite salivation salive salière salle - salmonelle salmonellose salmoniculteur salmoniculture salmonidé salmoniforme - salol salon salonard salonnard salonnier salonnière saloon salop salopard - saloperie salopette salopiaud salopiot salorge salpe salpicon salpingectomie - salpingographie salpingolyse salpingoplastie salpingorraphie salpingoscopie - salpingotomie salpêtrage salpêtre salpêtrier salpêtrisation salpêtrière salsa - salsepareille salsolacée saltarelle saltateur saltation saltationniste - saltimbanque saltique salto salubrité salueur salure salurétique salut - salutation salutiste salvadorien salvateur salvatorien salve salé salésien - samandarone samare samaritain samarskite samba sambar sambuque samedi samit - samnite samoan samole samourai samouraï samovar samoyède sampan sampang sampi - samsonite samurai samuraï sana sanatorium sancerre sanctificateur - sanction sanctionnateur sanctoral sanctuaire sanctuarisation sandal sandale - sandalier sandaliste sandaraque sanderling sandinisme sandiniste sandjak - sandre sandwich sandwicherie sanforisage sanforiseuse sanfédisme sanfédiste - sanglage sangle sanglier sanglon sanglot sanglotement sangria sangsue - sanguin sanguinaire sanguinarine sanguine sanguinicole sanguinolaire - sanhédrin sanicle sanicule sanidine sanidinite sanie sanisette sanitaire - sans-atout sans-culotte sans-filiste sanscritisme sanscritiste sansevière - sanskritisme sanskritiste sansonnet santaféen santal santalale santaline - santalène santard santiag santoline santon santonine santonnier santé sanve - sanzinie saoudien saoulard sapajou sape sapement saperde sapeur saphir - saphène saphénectomie sapidité sapience sapin sapindacée sapine sapinette - sapinée sapiteur saponaire saponase saponide saponification saponine saponite - saponure saponé sapotacée sapote sapotier sapotille sapotillier sappan - saprin saprobionte sapromyze sapronose sapropel saprophage saprophyte - sapropèle sapropélite saprozoonose saprozoïte sapyga sapèque saqueboute sar - saralasine saran sarancolin sarbacane sarcasme sarcelle sarcine sarclage - sarclette sarcleur sarcleuse sarcloir sarclure sarcocyste sarcocystose - sarcode sarcolemme sarcoleucémie sarcolite sarcomastigophore sarcomatose - sarcophage sarcophagie sarcophile sarcoplasma sarcoplasme sarcopside - sarcopte sarcoptidé sarcoptiforme sarcoramphe sarcosine sarcosporidie - sarcosystose sarcoïde sarcoïdose sardanapale sardane sardar sarde sardine - sardinerie sardinier sardinière sardoine sargasse sargue sari sarigue sarin - sarissophore sarkinite sarmate sarmatisme sarment sarode sarong saroual - sarracenia sarracéniacée sarracénie sarrancolin sarrasin sarrasine sarrau - sarriette sarrusophone sartorite sartrien sassa sassage sassanide sassement - sasseur sassolite satan satanisme sataniste satellisation satellite satin - satinette satineur satiné satire satirique satiriste satisfaction - satiété satou satrape satrapie saturabilité saturateur saturation saturnidé - saturnisme satyre satyridé satyrisme sauce saucier sauciflard saucisse - saucissonnage saucissonneur saucière sauclet saucée sauf-conduit sauge saulaie - saulée saumon saumonette saumurage saumure saumurien sauna saunage saunaison - saunière saupe saupiquet saupoudrage saupoudreuse saupoudroir saurage saurel - saurin sauripelvien saurischien saurissage saurisserie saurisseur saurophidien - sauropsidé sauroptérygien saururé saussaie saut sautage saute sautelle - sauterie sauteur sauteuse sautillage sautillement sautoir sauté sauvage - sauvagerie sauvagine sauvaginier sauvegarde sauvetage sauveterre sauveterrien - sauveté sauveur sauvignon savacou savane savant savantasse savarin savart - savetier savetonnier saveur savoir savoisien savon savonnage savonnerie - savonnier savonnière savoyard saxe saxhorn saxicave saxicole saxifragacée - saxitoxine saxo saxon saxophone saxophoniste saye sayette sayetterie sayetteur - sayon sayyid saï saïga saïmiri sbire scabieuse scabin scacchite scaferlati - scalaire scalaria scalde scalidé scalimétrie scalogramme scalp scalpel - scalpeur scalpeuse scalène scalénotomie scampi scandale scandinave - scandinaviste scanner scanneur scanning scannographe scannographie scannériste - scanographie scansion scaphandre scaphandrier scaphidie scaphiope - scaphite scaphocéphalie scaphopode scaphosoma scaphoïde scaphoïdite scapolite - scapulalgie scapulectomie scapulomancie scarabe scarabée scarabéidé scare - scaridé scarifiage scarificateur scarification scarite scarlatine scarole scat - scatol scatole scatologie scatome scatophage scatophagie scatopse scaure - scellement scellé scepticisme sceptique sceptre schabraque schah schako - schappiste schapska scheelite schefférite scheidage scheideur scheik schelem - scheltopusik scherzo schilbéidé schilling schipperke schirmérite schismatique - schiste schistification schistocerque schistocyte schistose schistosité - schistosomiase schistosomule schizo schizocoelie schizocyte schizocytose - schizocéphale schizogamie schizogenèse schizogonie schizohelea schizolite - schizomide schizomycète schizomélie schizométamérie schizoneure schizonoia - schizonte schizonticide schizonévrose schizoparaphasie schizopathie - schizophrène schizophrénie schizophrénisation schizophycète schizoprosopie - schizostome schizothyme schizothymie schizothymique schizozoïte schizoïde - schlague schlamm schlich schlittage schlitte schlitteur schloenbachia schlot - schlotheimia schnauzer schneidérite schnick schnock schnoque schnorchel - schnouff schoepite schofar scholarque scholiaste scholie schooner schorl - schorre schproum schreibersite schtroumpf schuilingite schulténite schupo - schuélage schwa schwagerina schwannite schwannogliome schwannomatose - schwarzenbergite schwatzite schème schéma schématisation schématisme sciaenidé - sciagraphe sciagraphie scialytique sciaridé sciasphère sciatalgie sciatalgique - scie science scientificité scientifique scientisme scientiste scientologie - scierie scieur scieuse scillarénine scille scincidé scincomorphe scincoïde - scinque scintigramme scintigraphie scintillant scintillateur scintillation - scintillogramme scintillographie scintillomètre sciographe sciographie scion - sciotte sciotteuse scirpe scission scissionnisme scissionniste scissiparité - scissure scissurelle scissurite scitaminale sciure sciuridé sciuromorphe - sciénidé sclaréol scleroderma sclère scléranthe sclérectasie sclérectomie - sclérification sclérite sclérochoroïdite scléroconjonctivite sclérodactylie - scléroderme sclérodermie scléroedème sclérokératite sclérolipomatose - scléromalacie sclérome scléromyosite scléromètre scléroméningite scléronychie - scléroprotéide scléroprotéine sclérose sclérostome sclérostéose sclérote - sclérothérapie scléroticotomie sclérotique sclérotite sclérotome sclérotomie - sclérémie scolaire scolarisation scolarité scolasticat scolastique scoliaste - scoliose scoliotique scolopacidé scolopendre scolopendrella scolopidie - scolyte scolytidé scolécite scolécophidien scombridé scombroïde scombroïdose - sconse scoop scooter scootériste scophthalmidé scopidé scopie scopolamine - scorbut scorbutique score scorie scorification scorodite scorpaenidé scorpion - scorpionidé scorpène scorpénidé scorpéniforme scorpénoïde scorsonère scotch - scotisme scotiste scotome scotomisation scotométrie scotophthalmidé scoubidou - scout scoutisme scrabble scrabbleur scrabe scramasaxe scrapage scraper scrapie - scriban scribe scribomanie scribouillard scribouilleur scripophile - script scripte scripteur scriptional scrobe scrobiculaire scrofulaire - scrofule scrotum scrub scrubber scrupocellaria scrupule scrutateur scrutation - scrutin scull sculler sculptage sculpteur sculpture scutellaire scutelle - scutigère scutum scyliorhinidé scyllare scyllaridé scymne scymnorhinidé - scyphoméduse scyphozoaire scythe scytode scène scélidosaure scélionidé - scélopore scélote scélérat scélératesse scénario scénariste scénographe - scénologie sea-line sebka sebkha seborrhoea second secondaire secondant - secondarité seconde secondigeste secouage secouement secoueur secoureur - secouriste secousse secret secrette secrète secrétage secrétaire secrétairerie - secréteur sectaire sectarisme sectateur secte secteur sectilité section - sectionnement sectionneur sectoriectomie sectorisation sectorscan sedan sedum - segment segmentation segmentectomie segmentina segmentographie seguia seiche - seigneur seigneuriage seigneurie seille seillon seime sein seine seineur seing - seira seizième seiziémisme seiziémiste sel self self-acting self-government - self-trimming seligmannite sellaïte selle sellerie sellette sellier selva - semaine semainier semainée semblable semblant semelle semence semencier - semestre semestrialité semeur semi-auxiliaire semi-carbazone semi-conducteur - semi-défaite semi-liberté semi-nomade semi-norme semi-piqué semi-produit - semidine semnopithèque semoir semonce semoule semoulerie semoulier semple - senaïte sendériste senestre senestrochère sengiérite senior senne senneur - sensationnalisme sensationnaliste sensationnisme sensationniste sensei senseur - sensibilisateur sensibilisation sensibilisatrice sensibilisine sensibilité - sensiblerie sensille sensisme sensiste sensitif sensitive sensitogramme - sensitomètre sensitométrie sensorialité sensorimétrie sensualisme sensualiste - sensuel sente sentence senteur sentier sentiment sentimentalisme - sentimentalité sentine sentinelle sep septain septaria septembre septembriseur - septennalité septennat septentrion septicité septicopyohémie septicopyoémie - septicémie septidi septime septite septième septolet septoplastie septostomie - septuagénaire septuagésime septum septuor septuple septénaire sequin serapeum - serdab serdar serein serf serfouage serfouette serfouissage serge sergent - sergette sergé serial serica serin serinage serinette seringa seringage - seringue seringueiro seringuero serment sermon sermonnaire sermonneur serow - serpe serpent serpentaire serpente serpentement serpentin serpentine - serpentinite serpette serpillière serpiérite serpolet serpule serra serrage - serrana serranidé serratia serratule serre serre-file serre-malice serre-tube - serriste serrivomer serromyia serrure serrurerie serrurier serrée serte serti - sertisseur sertisseuse sertissoir sertissure sertulaire serum servage serval - servante serveur serveuse serviabilité service serviette servilité servite - servitude servocommande servodirection servofrein servomoteur servomécanisme - sesbanie sesquicarbonate sesquioxyde sesquiterpène sessiliventre session - set setier setter seuffe seuil sevin sevir sevrage sewell sex-shop sexage - sexagésime sexdigitisme sexduction sexe sexeur sexisme sexiste sexologie - sexonomie sexothérapeute sexothérapie sextant sexte sextidi sextillion sextine - sextolet sextuor sextuple sextuplé sexualisation sexualisme sexualité - señorita sgraffite sha shaddock shadok shah shake-hand shaker shako shama - shampoing shampooineur shampooineuse shampooing shampouineur shampouineuse - shantung sharpie shaving shed shekel sherpa shetland shift shigellose shilling - shimmy shintoïsme shintoïste shintô shipchandler shire shirting shogoun shogun - shoot shooteur shooteuse shooté shopping short shorthorn shoshidai shoshonite - show-room shrapnel shrapnell shtel shtetel shtetl shunt shuntage - shérif shériff sial sialadénite sialagogue sialidose sialidé sialie sialite - sialodochite sialogramme sialographie sialolithe sialopathie sialophagie - sialose sialosémiologie siamang sibilance sibilation sibylle sibynia - sibérien sicaire sicariidé sicav siccateur siccatif siccativation siccativité - siccomètre sicilien sicilienne siciste sicklémie sicle sid sida sidaïte - sidi sidneyia sidologie sidologue sidéen sidération sidérine sidérinurie - sidérobactérie sidéroblaste sidéroblastose sidérocyte sidérographie sidérolite - sidéronatrite sidéronécrose sidéropexie sidérophage sidérophilie sidérophiline - sidéropénie sidérose sidérosilicose sidérostat sidérothérapie sidérotile - sidérurgie sidérurgiste sidérurie sidérémie siegénite sierra sieste siettitia - sievert sifaka sifflage sifflante sifflement sifflet siffleur sifflotement - sigalion siganidé sigillaire sigillateur sigillographie sigillée sigisbée - sigle siglomanie sigmatisme sigmoïde sigmoïdectomie sigmoïdite - sigmoïdoscopie sigmoïdostomie signage signalement signaleur signalisateur - signataire signature signe signet signifiance signifiant significateur - signifié signifère sika sikh sikhara sil silane silanediol silanol silence - silentiaire silexite silhouettage silhouette silicatage silicatation silicate - silicatose silice silicichloroforme silicide silicification siliciuration - silicochromate silicocyanogène silicocyanure silicoflagellé silicofluorure - silicomolybdate silicone silicose silicosé silicothermie silicotique - silicule silicyle silionne silique sillage sillet sillimanite sillon silo - siloxane silphe silphidé silt silure siluridé silurien siluroïde silvain - silyle silène silésien silésienne sima simagrée simarre simaruba simarubacée - similarité simili similibronze similicuir similigravure similipierre - similiste similitude similor simodaphnia simoniaque simonie simonien simoun - simplet simplexe simplicidenté simplicité simplificateur simplification - simpliste simulacre simulateur simulation simulie simuliidé simultagnosie - simultanéisme simultanéiste simultanéité sinanthrope sinanthropien sinapine - sinapisme sinciput sincérité sindonologie singalette singapourien singe - single singleton singspiel singularité singulet singulier sinhalite sinigrine - sinisant sinisation sinistralité sinistre sinistrocardie sinistrose - sinistré sinité sinoc sinodendron sinologie sinologue sinophile sinophilie - sinophobie sinople sinoque sinoxylon sinter sintérisation sinum sinuosité - sinusite sinusographie sinusotomie sinusoïde sinécure sionisme sioniste - sipho siphomycète siphon siphonale siphonaptère siphonariidé siphonnement - siphonogamie siphonophore siphonozoïde siponcle sipunculide sirdar sire sirli - siroco sirop siroteur sirtaki sirvente sirène sirénidé sirénien sirénomèle - sisal sismicien sismicité sismique sismogenèse sismogramme sismographe - sismologie sismologue sismomètre sismométrie sismotectonique sismothère - sissone sissonne sistre sisymbre sisyphe sisyra sitar sitariste sitatunga - site sitiomanie sitiophobie sitogoniomètre sitologue sitone sitophylaque - sitotrogue sittelle sittidé sittèle situation situationnisme situationniste - sivapithèque sivaïte sixain sixième sixte sizain sizerin siècle siège skate - skating skaï skeptophylaxie ski skiagramme skiagraphie skiascopie skieur skiff - skinhead skinnerien skinnerisme skiographie skioscopie skip skip-cage skipper - skodisme skua skutterudite skydome skélalgie skénite slalom slalomeur slave - slavisme slaviste slavistique slavon slavophile sleeping slice slikke slimonia - slipperette slogan sloganisation sloop slop sloughi slovaque slovène slow - sludging slum smala smalah smalt smaltine smaltite smaragdia smaragdite - smectite smegma smicard smicromyrme smig smigard smillage smille smilodon - smithite smithsonite smittia smog smoking smolt smoushound smurf smyridose - smérinthe snack sniffeur sniper snob snobinard snobisme sobriquet sobriété soc - sociabilité socialisant socialisation socialisme socialiste socialité socialo - sociatrie socinianisme socioanalyse sociobiologie sociobiologiste - sociocratie socioculture sociodrame sociogenèse sociogramme sociogénétique - sociolinguistique sociologie sociologisme sociologiste sociologue sociolâtrie - sociométriste sociopathe sociopathie sociopolitique sociopsychanalyse - sociothérapie sociétaire sociétariat société socle socque socquette socratique - soda sodale sodalite sodamide sodation soddite soddyite sodoku sodomie - soeur soeurette sofa soffie soffioni soffite sofie soft softa software soie - soif soiffard soiffe soignant soigneur soin soir soirée soixantaine - soixantième soja sokosho sol solanacée solanidine solanine solanée - solarisation solarium solaster soldanelle soldat soldatesque solde solderie - soldure soldurier sole soleil solemya solen solennisation solennité solenomyia - solfatare solfège solicitor solidage solidago solidarisation solidarisme - solidarité solide solidification solidité solier soliflore solifluction - solifuge soliloque solin solipsisme solipsiste solipède soliste solitaire - soliton solitude solivage solive sollicitation solliciteur sollicitude - solo solognot solstice solubilisation solubilité solucamphre solution - soluté solvabilisation solvabilité solvant solvatation solvate solécisme - solénidé solénodonte solénome solénoïde soma somali somalien somasque - somation somatisation somatocrinine somatocyte somatognosie somatolyse - somatomédine somatométrie somatoparaphrénie somatopleure somatostatine - somatotopie somatotrophine sombrero somesthésie somite sommaire sommation - sommeil sommelier sommellerie sommet sommier sommité sommière somnambule - somnanbulisme somnifère somniloquie somnolence somptuosité son sonagramme - sonar sonate sonatine sondage sonde sondeur sondeuse sondé sone song songe - songeur sonie sonnage sonnaille sonnailler sonnerie sonnet sonnette sonneur - sono sonobouée sonographie sonoluminescence sonomètre sonométrie sonore - sonorité sonothèque sophiologie sophiologue sophisme sophiste sophistication - sophistiqueur sophora sophrologie sophrologue sophroniste soporifique soprane - soprano sorbe sorbet sorbetière sorbier sorbitol sorbonnard sorbose - sorcier sorcière sordidité sore sorgho sorgo soricidé soricule sorite sornette - sorosilicate sort sortant sorte sortie sortilège sosie sot sotalie sotalol - sotho sotie sottie sottise sottisier sotériologie sou souahili souahéli - soubattage soubresaut soubrette soubreveste souche souchet souchetage - souchette souchevage souchèvement souci soucoupe soudabilité soudage - soudan soudanien soudard soude soude-sac soudeur soudeuse soudier soudière - soudobrasure soudure soue soufflacul soufflage soufflant soufflante soufflard - soufflement soufflerie soufflet souffletier soufflette souffleur souffleuse - soufflé souffrance soufi soufie soufisme soufrage soufreur soufreuse soufrière - soufré sougorge souhait souillard souillarde souille souillon souillure - souk soulagement soulane soulcie souleveuse soulier soulignage soulignement - soulèvement soumaintrain soumission soumissionnaire sounder soupape soupe - souper soupeur soupier soupir soupirant soupière souplesse soupçon souquenille - source sourcier sourcil sourd sourde sourdine sourdière souricier souricière - sournoiserie souroucoucou sous-activité sous-affréteur sous-algèbre sous-arc - sous-bief sous-cavage sous-chaîne sous-classe sous-code sous-comité - sous-cotation sous-courant sous-culture sous-diacre sous-développé sous-emploi - sous-entendu sous-espace sous-espèce sous-exposition sous-faîte sous-filiale - sous-graphe sous-groupe sous-homme sous-inféodation sous-joint - sous-locataire sous-marin sous-marinier sous-marque sous-matrice sous-maître - sous-module sous-multiple sous-nutrition sous-occupation sous-oeillet sous-off - sous-ordre sous-peuplement sous-phase sous-planage sous-porteuse sous-pression - sous-préfecture sous-préfet sous-pâturage sous-race sous-rendement sous-région - sous-secrétariat sous-section sous-seing sous-sol sous-soleuse sous-sphère - sous-tasse sous-titrage sous-titre sous-traitance sous-traitant sous-traité - sous-variant sous-vedette sous-vêtement sous-zone sous-économe sous-équipe - sousbande souscripteur souscription souslik sousou sousouc soussigné - soustraction soutache soutane soutanelle soute soutenabilité soutenance - souteneur souterrain soutien soutier soutirage soutireuse soutra soutrage - souvenance souvenir souverain souveraineté souverainisme souverainiste - soviet soviétique soviétisation soviétisme soviétologue sovkhoze sovnarkhoze - soyer soûlard soûlaud soûlerie soûlographe soûlographie soûlot spaciophile - spaciophobe spaciophobie spadassin spadice spadiciflore spadille spaghetti - spagyrie spahi spallation spalter spanandrie spangolite spanioménorrhée - sparadrap sparaillon spardeck sparganier sparganose sparganum spargoute - sparite sparring-partner spart spartakisme spartakiste sparte sparterie - spartéine spasme spasmodicité spasmolymphatisme spasmolytique spasmophile - spasticité spat spatangue spath spathe spatialisation spatialité spatiocarte - spationautique spationef spatule speaker spectacle spectateur spectre - spectrochimie spectrogramme spectrographe spectrographie spectrohéliographe - spectrométrie spectrophotographie spectrophotomètre spectrophotométrie - spectroradiométrie spectroscope spectroscopie spectroscopiste speculum speech - spencer spergulaire spergule spermaceti spermagglutination spermagglutinine - spermathèque spermaticide spermatide spermatie spermatisme spermatiste - spermatocystite spermatocyte spermatocytogenèse spermatocytome spermatocèle - spermatogonie spermatophore spermatophyte spermatorragie spermatorrhée - spermatothèque spermatozoïde spermaturie sperme spermicide spermie spermine - spermiologie spermisme spermiste spermoculture spermogonie spermogramme - spermophage spermophile spermotoxicité sperrylite spessartite spet sphacèle - sphagnale sphaigne sphalérite sphenodon sphincter sphinctozoaire - sphinctérectomie sphinctérométrie sphinctérométrogramme sphinctéroplastie - sphinctérotomie sphinge sphingidé sphingolipide sphingolipidose sphingomyéline - sphragistique sphygmogramme sphygmographe sphygmographie sphygmologie - sphygmomètre sphygmotensiomètre sphyrnidé sphyrène sphyrénidé sphère sphécidé - sphégien sphénacodonte sphénisciforme sphénisque sphénocéphale sphénocéphalie - sphénophore sphénoptère sphénoïde sphénoïdite sphénoïdotomie sphéricité - sphéridium sphéristique sphéroblastome sphérocobaltite sphérocytose sphérocère - sphérolite sphéromètre sphérophakie sphéroplaste sphéroïde sphéroïdisation - spi spic spica spicilège spiculation spicule spider spiegel spike spilasma - spilitisation spilogale spilonote spilosome spin spinacker spinalgie spinalien - spindle spinelle spineur spinigère spinnaker spinone spinosisme spinosiste - spinoziste spinule spinuloside spinulosisme spioncelle spirachtha spiracle - spiralisation spiramycine spiranne spirante spirantisation spiratella - spire spirifer spirille spirillose spirillum spiritain spirite spiritisme - spiritual spiritualisation spiritualisme spiritualiste spiritualité spirituel - spirochaeta spirochète spirochétose spirogramme spirographe spirographie - spiroheptane spirolactone spiromètre spirométrie spironolactone spirorbe - spirostane spirostomum spirotriche spirotrichonymphine spiruline spirée - splanchnectomie splanchnicectomie splanchnicotomie splanchnodyme - splanchnologie splanchnomicrie splanchnomégalie splanchnopleure splanchnotomie - spleenétique splendeur splénalgie splénectomie splénectomisé splénisation - splénium splénocontraction splénocyte splénocytome splénogramme splénographie - splénome splénomégalie splénopathie splénophlébite splénopneumonie - splénoportomanométrie splénosclérose splénose splénothrombose - splénétique spodomancie spodumène spoliateur spoliation spondophore - spondylarthropathie spondylarthrose spondyle spondylite spondylodiscite - spondylolyse spondylopathie spondyloptose spondylorhéostose spondylose - spondée spongiaire spongiculteur spongiculture spongille spongioblaste - spongiose spongiosité spongolite sponsor sponsoring sponsorisation sponsorisé - spontaniste spontanéisme spontanéiste spontanéité sporadicité sporange spore - sporocyste sporogone sporogonie sporologie sporophyte sporotriche - sporozoaire sporozoose sporozoïte sport sportif sportivité sportule - sporulée spot spoutnik sprat spray sprechgesang spreo springbok springer - sprinkler sprinkleur sprint sprinter sprue spume spumosité spyder spéciale - spécialiste spécialité spéciation spécification spécificité spécifiste - spéciosité spéculaire spéculateur spéculation spéculum spédatrophie spéléiste - spéléologue spéléonaute spéléonébrie spéléotomie squalane squale squalidé - squaloïde squalène squamate squame squamipenne squamosal squamule square - squat squatina squatine squatinidé squatinoïde squatt squatter squatting squaw - squelette squille squire squirre squirrhe stabilimètre stabilisant - stabilisation stabiliseur stabilité stabulation staccato stade stadhouder - staff staffeur stage stagflation stagiaire stagnation stakhanovisme - stakning stalactite stalag stalagmite stalagmomètre stalagmométrie stalinien - stalinisme stalle stance stand standard standardisation standardiste standing - standolisation staniolage staniole stannane stannate stannibromure - stannochlorure stannose stapazin staphisaigre staphylectomie staphylhématome - staphylin staphylinidé staphylinoïde staphylite staphylocoagulase - staphylococcémie staphylocoque staphylome staphyloplastie staphylorraphie - staphylotoxine stapédectomie stapédien star starie starisation starlette - starostie starter starting-block stase stasobasophobie stasophobie stathouder - statice statif station stationnaire stationnale stationnarité stationnement - statisme statisticien statistique statoconie statocratie statocyste - statolâtrie stator statoréacteur statthalter statuaire statue statuette - statut statutiste statère staurolite stauroméduse stauronote staurope - staurotypiné stavug stawug stayer steak steam-cracking steamer steenbok - steeple-chase stegomyia steinbock stellage stellaire stellectomie stellion - stellitage stellite stelléride stem stemm stemmate sten stencil stenciliste - stent stentor steppage steppe stepper steppeur stercobiline stercoraire - stercorome sterculiacée sterculie sterlet sternache sternalgie sternbergite - sternite sternocleidomastoïdien sternocère sternodynie sternogramme - sternopage sternopagie sternoptychidé sternorhynque sternotomie sternoxe - sternutation sternutatoire stertor stevedore steward stewart stewartite sthène - stibiconite stibine stibiochlorure stibiotantalite stichomythie stick stigma - stigmastérol stigmate stigmateur stigmatisation stigmatisme stigmatisé - stigmergie stigmomètre stilb stilbite stilboestrol stilbène stillation - stilobezzia stilpnomélane stilpnotia stilton stimugène stimulant stimulateur - stimuline stimulinémie stimulon stimulovigilance stimulus-signe stipe - stipiture stiple stipulant stipulation stipule stochastique stock stock-car - stockeur stockfisch stockiste stoechiométrie stoker stokésite stolidobranche - stoliste stolon stolonifère stolonisation stolzite stomachique stomate - stomatodynie stomatolalie stomatologie stomatologiste stomatologue - stomatopode stomatorragie stomatoscope stomencéphale stomie stomite stomocorde - stomocéphale stomoxe stop stoppage stopper stoppeur store storiste storyboard - stoïcien stoïcisme strabique strabisme strabologie strabomètre strabotomie - stradiot stradiote stradographe stralsunder stramoine stramonium strangalia - strangurie strapontin strapping strasse stratagème strate stratification - stratifié stratigraphie stratiome stratocratie stratoforteresse stratopause - stratovision stratovolcan stratum stratège stratégie stratégiste streaker - street-dancer strelitzia strengite strepsiptère streptaxidé streptobacille - streptococcie streptococcémie streptocoque streptodiphtérie streptodornase - streptokinase streptolysine streptomycine streptomycète streptothricose - streptozyme stretching strette striage striation striatum stricage striction - stricturectomie stricturotomie stridence stridor stridulation strie striga - strigidé strigiforme strigilaire strigilation strigile string strioscopie - strip-line strip-teaseuse stripage stripper stripping striqueur striqueuse - strobilation strobile strobophotographie stroborama stroboscope stroboscopie - stromatoporidé stromatéidé strombe stromeyérite strongle strongyle strongylose - strongyloïdé stronk stronogyle strontiane strontianite strophaire strophante - strophe strophisme strophosomie strophoïde stropiat strouille structurabilité - structuraliste structuration structure structurologie strudel strume - strumite strunzite struthionidé struthioniforme struvite strychnine - strychnisme strychnée stryge strymon stréphopode stréphopodie stuc stucage - studette studio stuetzite stuka stup stupeur stupidité stupre stupéfaction - sturnelle sturnidé stylalgie stylaria stylastérine style stylet styline - stylisme styliste stylisticien stylistique stylite stylo stylobate stylographe - stylolithe stylomine stylométrie stylonychie styloïde styloïdectomie - styphnate styphnite styptique styracine styrol styrolène styryle styrène - stèle stène stère stéarate stéarine stéarinerie stéarinier stéarolé stéarrhée - stéaschiste stéatite stéatocirrhose stéatocystome stéatolyse stéatome - stéatonécrose stéatopyge stéatopygie stéatornithidé stéatorrhée stéatose - stéganopode stégobie stégocéphale stégodonte stégomyie stégosaure sténidé - sténobiote sténocardie sténochorde sténochorégraphie sténocéphalie - sténodactylo sténodactylographe sténodactylographie sténodictya sténogramme - sténographie sténohalinité sténolème sténoptère sténopé sténosage sténose - sténothermie sténotype sténotypie sténotypiste stéphane stéphanite - stéphanéphore stéphanéphorie stéradian stérage stéride stérile stérilet - stérilisation stériliste stérilité stérol stéroïde stéroïdogenèse stéroïdémie - stéréo stéréoagnosie stéréobate stéréocampimètre stéréocardiogramme - stéréochromie stéréocomparateur stéréoduc stéréodéviation - stéréognosie stéréogramme stéréographie stéréomicroscope stéréomètre - stéréophonie stéréophotographie stéréopréparation stéréoradiographie - stéréoscope stéréoscopie stéréospondyle stéréospécificité stéréosélectivité - stéréotomie stéréotypage stéréotype stéréotypie stéréovision stéthacoustique - stévioside suage suaire suavité subalternation subalterne subception - subconscience subconscient subculture subdelirium subdivision subduction - subdélégation subdélégué suber suberaie subfébrilité subglossite subictère - subjectile subjectivation subjectivisme subjectiviste subjectivité subjonctif - sublaire sublatif sublet subleucémie sublimateur sublimation sublimité sublimé - submatité submersible submersion subminiaturisation subnarcose - subocclusion subongulé subordinatianisme subordination subordonnant subordonné - subornation suborneur subreption subrogateur subrogation subrogeant subrogé - subréflectivité subside subsidence subsidiarité subsistance subsistant - substance substantialisme substantialiste substantialité substantif - substituabilité substituant substitut substitution substitutionnaire - substitué substrat substratum substruction substructure subterfuge subtiline - subtilité subtotale subulina subunité suburbanisation subvention subventionné - subérate subériculteur subériculture subérification subérine subérite subérone - suc successeur successibilité succession succin succinate succine succinimide - succinéine succion succube succulence succursale succursalisme succursaliste - succédané sucement sucet sucette suceur suceuse sucrage sucrase sucrate sucre - sucrier sucrin sucrine sucrose sucé sucée sud-africain sud-américain - sud-vietnamien sudamina sudarabique sudation sudiste sudorification - sudète suette sueur suffect suffisance suffixation suffixe suffocation - suffrage suffragette suffusion suffète sufi sufisme suggestibilité suggestion - suggestologie suggestopédie sugillation suicidaire suicidant suicide - suicidé suidé suie suif suiffage suiforme suin suint suintement suintine - suite suivant suiveur suivi suivisme suiviste sujet sujétion sulcature - sulfamide sulfamidorachie sulfamidorésistance sulfamidothérapie sulfamidurie - sulfanilamide sulfarséniure sulfatage sulfatation sulfate sulfateur sulfateuse - sulfhydrisme sulfhydrométrie sulfhydryle sulfhémoglobine sulfhémoglobinémie - sulfimide sulfinate sulfinisation sulfinone sulfinusation sulfinyle sulfitage - sulfite sulfiteur sulfoantimoniure sulfoarséniure sulfobactérie sulfoborure - sulfocarbonate sulfocarbonisme sulfochlorure sulfocyanate sulfocyanogène - sulfohalite sulfoiodure sulfolane sulfométhylate sulfonal sulfonalone - sulfonation sulfone sulfonyle sulforcarbonisme sulforicinate sulfosel - sulfoxylate sulfurage sulfuration sulfure sulfuride sulfurimètre sulfurisation - sulfényle sulidé sulky sulphurette sulpicien sultan sultanat sultane sultone - sulvinite sumac sumérien suni sunlight sunna sunnisme sunnite superalliage - superbe superbombe superbénéfice supercagnotte supercalculateur supercarburant - superchampion supercherie superciment superconduction superconstellation - superembryonnement superette superfemelle superficiaire superficialité - superfinition superflu superfluide superfluidifiant superfluidité superfluité - superforteresse superfractionnement superfusion superfusée superfécondation - supergalaxie supergouverneur supergrand supergranulation supergéante - supergénération superhétérodyne superimposition superimprégnation - superintendant superinvolution superisolation superlatif superléger - supermarché supermolécule supernaturalisme superobèse superordinateur - superordre superovulation superoxyde superparamagnétisme superphosphate - superposition superproduction superprofit superprovince superprédateur - superpuissance superpétrolier superréaction superréfraction superréfrigération - superstition superstrat superstructure supersymétrie supersynthèse supertanker - supervision superwelter supin supinateur supination supion supplantation - supplication supplice supplicié supplique suppléance suppléant supplément - supplétif support supporter supporteur supposition suppositoire suppresseur - suppuratif suppuration supputation suppôt supraconducteur supraconductibilité - supraconductivité supraconstitutionnalité supraduction supralapsaire - supranationalisme supranationaliste supranationalité supranaturalisme - supremum suprématie suprématisme suprême supérette supérieur supériorité - suraccumulation suractivité suradaptation surah surajoutement suralcoolisation - suramine suramplificateur surannation surapprentissage surarbitre surarmement - surbaissement surbooking surbotte surbouchage surboum surbrillance surcapacité - surcharge surchauffage surchauffe surchauffeur surchômage surclassement - surcompensation surcompression surconsommation surcontre surconvertisseur - surcote surcotisation surcoupe surcoût surcreusement surcroissance surcroît - surcuit surdensité surdent surdimensionnement surdimutité surdité surdosage - surdoué surdélinquance surdétermination surdéveloppement sureffectif surelle - surenchère surenchérissement surenchérisseur surencombrement surendettement - surestarie surestimation surexcitabilité surexcitation surexploitation - surexpression surf surfabrication surface surfaceuse surfactant surfactif - surfaçage surfeur surfil surfilage surfinancement surforage surfrappe - surfécondation surgelé surgeon surgissement surglaçage surgraissant - surgé surgélateur surgélation surgénérateur surhaussement surhomme surhumanité - surikate surimposition surimpression surin surindustrialisation surineur - surinformation surintendance surintendant surintensité surinvestissement - surjection surjet surjeteuse surlargeur surlendemain surligneur surliure - surloyer surmaturation surmaturité surmenage surmodulation surmontage - surmortalité surmoulage surmoule surmoulé surmulet surmulot surmultiplication - surnatalité surnaturalisme surnaturaliste surnie surnom surnombre surnuméraire - suroffre suroxydation suroxygénation suroît surpalite surpassement surpaye - surpiquage surpiqûre surplomb surplombement surpopulation surpresseur - surprime surprise surproduction surprofit surprotection surpuissance - surpêche surqualification surra surrection surremise surreprésentation surrier - surréaction surréalisme surréaliste surréalité surréflectivité surrégime - surrégénération surrémunération surrénale surrénalectomie surrénalite - surréservation sursalaire sursalure sursaturation sursaut surserrage - sursimulation sursitaire sursolide sursoufflage surstabilisation - surstock surstockage surstructure sursulfatage sursumvergence surséance - surtare surtaxation surtaxe surteinture surtensiomètre surtension surtitre - surtout surucucu surutilisation survaleur survalorisation surveillance - survenance survente survenue surviabilité survie survieillissement survirage - survitrage survivance survivant survol survoltage survolteur survêtement - surélèvement surélévation surémission surépaisseur suréquipement surérogation - sus-dominante susannite susceptibilité suscription susdit susdénommé sushi - suspect suspense suspenseur suspension suspensoir suspensoïde suspente - sussexite sustentation susurration susurrement suture suvière suzerain - suçoir suçon suède suédine suédé suée svabite svanbergite svastika sveltesse - swahéli swami swap swapping swastika swazi sweater sweatshirt sweepstake swing - sybaritisme sycomancie sycomore sycophante sycéphalien sydnonimine sylepta - syllabaire syllabation syllabe syllabisme syllepse syllogisme syllogistique - sylphide sylphilide sylvain sylvanite sylvanne sylve sylvestrin sylvestrène - sylviculteur sylviculture sylviidé sylvinite sylvite symbionte symbiose - symblépharon symbole symbolicité symbolique symbolisation symbolisme - symbolofidéisme symbrachydactylie symmachie symmétrodonte sympathalgie - sympathicectomie sympathicisme sympathicogonioblastome sympathicogoniome - sympathicomimétique sympathicothérapie sympathicotonie sympathicotripsie - sympathie sympathique sympathisant sympathoblastome sympathocytome - sympathologie sympatholyse sympatholytique sympathome sympathomimétique - symphalangisme symphatnie symphilie symphonie symphoniste symphorine - symphyle symphyse symphysite symphysodon symphyséotomie symphyte symphytie - sympode sympolitie symposiarque symposion symposium symptomatologie symptôme - symélie symétrie symétrique symétrisation symétriseur synactène synadelphe - synagre synalgie synalgésie synallélognathie synalèphe synanthérale - synaphie synapse synapside synapsie synaptase synapte synaptosaurien synaraxie - synarthrose synascidie synaxaire synaxe synbranchiforme syncaride - syncelle syncheilie synchilie synchloé synchondrose synchondrotomie - synchrocyclotron synchrodiscriminateur synchromisme synchromiste synchronicité - synchronisation synchroniseur synchroniseuse synchronisme synchrophasotron - synchrorépétiteur synchrorésolveur synchrotransmetteur synchrotron syncinésie - synclitisme syncope syncristallisation syncrétisme syncrétiste syncytiome - syndactylie synderme syndesmodysplasie syndesmopexie syndesmophyte - syndesmoplastie syndesmose syndesmotomie syndic syndicalisation syndicalisme - syndicat syndicataire syndication syndiqué syndrome syndérèse synecdoque - synechtrie synectique synema synencéphalocèle synergide synergie synergisme - synestalgie synesthésalgie synesthésie synfibrose syngame syngamie syngamose - syngnathidé syngnathiforme syngénite synisoma synode synodidé synodique - synoecie synoecisme synoecète synonyme synonymie synophtalmie synopse synopsie - synoptophore synoptoscope synorchidie synostose synovectomie synoviale - synovie synoviolyse synoviorthèse synoviosarcome synoviothérapie synovite - syntactique syntagmatique syntagme syntaxe synthèse synthé synthétase - synthétisme synthétiste syntonie syntonisation syntoniseur synténie synusie - synèdre synéchie synéchotomie synécie synécologie synérèse syphilide - syphiligraphie syphiliographie syphilisation syphilitique syphilographe - syphilome syphilophobe syphilophobie syphiloïde syphonome syriaque syrien - syringe syringine syringome syringomyélie syringomyélobulbie syringopore - syritta syrphe syrphidé syrrhapte syrte sysomien systole systyle système - systématicité systématique systématisation systématisme systématologie - systémique systémisme syzygie syénite szajbélyite szlachta sèche sème sève - séant sébaste sébestier sébile sébocystomatose sébopoïèse séborrhée - sébum sécante sécateur sécession sécessionnisme sécessionniste séchage - sécherie sécheur sécheuse séchoir sécobarbital sécologanine sécologanoside - sécréteur sécrétine sécrétion sécularisation sécularisme sécularité séculier - sécurité sédatif sédation sédentaire sédentarisation sédentarité sédiment - sédimentologie sédition séducteur séduction sédélocien séfarade séfardite - ségestrie séghia ségrairie ségrayer ségrégabilité ségrégation ségrégationnisme - séguedille séguidilla ségétière séhire séide séisme séismicité séismogramme - séismographie séismologie séismomètre séismonastie séisonide séjour sélacien - sélecteur sélectine sélection sélectionneur sélectionniste sélectionné - séleucide séline sélénate séléniate sélénie sélénien séléniophosphure - sélénite séléniure sélénocyanogène sélénodésie sélénographie sélénol - sélénologue sélénomaniaque sélénomanie sélénophosphate sélénophène - sélénosulfate sélénoéther sélényle sémanticien sémantique sémantisme sémantème - sémaphoriste sémasiologie sémelfactif sémidine sémillon séminaire séminariste - sémiographie sémiologie sémiologiste sémiologue sémioticien sémiotique sémite - sémitisme sémitologie sémitologue sémoussage sémème séméiographie séméiologie - séméostome sénaire sénarmontite sénat sénateur sénatorerie sénescence - sénestre sénestrochère sénevol sénevé séneçon sénilisme sénilité séniorat - sénologie sénologue sénousisme sénousiste séné sénéchaussée sénégali - sénégambien séoudien sépale séparabilité séparateur séparation séparatisme - sépharade sépia sépidie sépiole sépiolite sépioïde sépulcre sépulture séquelle - séquencement séquenceur séquent séquençage séquestrant séquestration séquestre - séquestrotomie séquoia sérac sérail séranceur sérancolin sérançage sérançoir - séraskier séraskiérat séreuse sérial sérialisation sérialiseur sérialisme - sériation sériciculteur sériciculture séricigraphie séricine séricite - série sérieur sérigraphe sérigraphie sérine sériographe sériographie sériole - séroconservation séroconversion séroconverti sérodiagnostic sérofloculation - sérole sérologie sérologiste séromucoïde séronégatif séronégativité - séropositivité séroprophylaxie séroprotection séroprécipitation séroprévalence - séroréaction sérosité sérothèque sérothérapie sérotine sérotonine - sérotoninémie sérotype sérotypie séroual sérovaccination sérozyme sérum - sérumglobuline sérumthérapie sérénade sérénité sésame sésamie sésamoïde - sésie sétaire sétier sétifer séton sévillan sévrienne sévérité sûreté t-shirt - tabacomanie tabaculteur tabaculture tabagie tabagisme tabanidé tabar tabard - tabassage tabassée tabatière tabellaire tabelle tabellion tabernacle tabla - tablar tablature table tableautin tabletier tablette tabletterie tableur - tabloïd tabloïde tablée tabor taborite tabou tabouisation taboulé tabouret - tabulation tabulatrice tabulé tabun tacaud tacca taccardia tacco tacet tache - tachina tachinaire tachine tachinidé tachisme tachiste tachistoscope - tachographie tachyarythmie tachycardie tachydromia tachygenèse tachyglossidé - tachygraphie tachyhydrite tachylite tachymètre tachyon tachyphagie - tachyphémie tachypnée tachypsychie tachysynéthie tachysystolie tachéographe - tachéométrie taciturnité tacle tacographie tacon taconnage tacot tact - tacticographie tactique tactisme tactivité tadjik tadorne taedium tael taenia - taenicide taenifuge taeniocampa taeniodonte taeniolite taenite taffetatier - tag tagal tagalog tagette tagger tagine tagliatelle tagme tagueur tagète - tahr taie taifa taillade taillage taillanderie taillandier taillant taille - tailleur tailleuse tailloir taillole tain tainiolite taisson tajine taka - takin tala talalgie talapoin talc talcage talcose talcschiste taled talent - taliban talion talisman talismanie talite talitol talitre talitridé talk-show - talle talleth tallipot tallith talmessite talmouse talmud talmudiste taloche - talonnade talonnage talonnement talonnette talonneur talonnier talonnière - talose talot talpache talpack talpidé talquage talure talweg talégalle tam-tam - tamanoir tamarin tamarinier tamarugite tamatia tambouille tambour tambourin - tambourinaire tambourinement tambourineur tamia tamier tamil tamisage - tamiseur tamiseuse tamisier tamoul tamouré tamoxifène tampico tampon - tamponnage tamponnement tamponnier tamponnoir tan tanacétone tanagra tanagridé - tanche tandem tandémiste tangage tangara tangasaure tangence tangente - tangibilité tango tangon tanguage tangue tanguière tanin tanisage tanière tank - tankiste tannage tannate tanne tannerie tanneur tannin tannisage tanné tannée - tansad tantalate tantale tantalifluorure tantalite tante tantine tantième - tantouze tantrisme tanusia tanzanien taon taoïsme taoïste tapaculo tapage - tapaya tape tapecul tapement tapenade tapette tapeur taphonomie taphophilie - tapineur tapinocéphale tapinome tapioca tapiolite tapir tapiridé tapis-brosse - tapissement tapisserie tapissier tapissière tapon tapotage tapotement tapure - tapée tapéinocéphalie taquage taque taquet taqueuse taquin taquinerie taquoir - tara tarabiscot tarabiscotage tarage tarama tarantulidé tararage tarare - taraud taraudage taraudeur taraudeuse taravelle taraxastérol taraï tarbouch - tarbuttite tardenoisien tardigrade tardillon tardiveté tare tarente tarentelle - tarentisme tarentule tarentulisme taret targe targette targeur targum - tari taricheute tarier tarif tarification tarin tarissement tarière tarlatane - tarmacadam taro tarot tarpan tarpon tarsalgie tarse tarsectomie tarsien - tarsiiforme tarsite tarsomégalie tarsoplastie tarsoptose tarsoptôse - tartan tartane tartare tartarie tartarin tartarinade tarte tartelette - tartiflette tartine tartouilleur tartrate tartre tartricage tartufe tartuferie - tartufferie tarzan taré tasicinésie tasikinésie tasmanien tassage tasse - tassement tassergal tassette tasseur tassili tastevin tata tatami tatane tatar - tatou tatouage tatoueur taud taude taudification taulard taule taulier taupe - taupin taupine taupineure taupineuse taupinière taupinée taupière taupomancie - taure taurelière taurillon taurin taurobole taurocholate taurodontisme - taurotrague tautogramme tautologie tautologue tautomérie tautomérisation - tavaillon tavaïolle tavellage tavellette tavelure taverne tavernier tavillon - taxateur taxation taxaudier taxe taxeur taxi taxiarchat taxiarchie taxiarque - taxidermie taxidermiste taxidé taxie taximètre taxine taxinomie taxinomiste - taxiphone taxiway taxodier taxodium taxodonte taxon taxonomie taxonomiste - taylorien taylorisation taylorisme tayole tayra tazettine taël taïga taïpan - tchadanthrope tchadien tchador tcharchaf tchatche tchatcheur tcheco - tchetchène tchirou tchitola tchouvache tchèque tchécoslovaque tchékiste - tchétchène team tec technicien technicisation technicité technique - technocrate technocratie technocratisation technocratisme technodémocratie - technologie technologiste technologue technopathie technophilie technopole - technoscience technostructure technotypologie technème teck teckel - tectite tectonique tectonisation tectonophysique tectosilicate tectrice - tee tee-shirt teen-ager teenager teesdalie teeshirt teetotalisme teetotaliste - tegmentum tegula teichomyza teichopsie teigne teilhardisme teillage teille - teilleuse teinopalpe teint teinte teinture teinturerie teinturier tek tekel - tellière tellurate tellurisme tellurite telluromètre tellurure telson - temnospondyle tempe temple templette templier tempo temporalité temporel - temporisation temporiseur tempérage tempérament tempérance tempérant - tempête tempêteur tenaille tenaillement tenaillon tenancier tenant tendance - tendelle tender tenderie tendeur tendinite tendinopériostite tendoir tendoire - tendre tendresse tendreté tendron tendue teneur teneurmètre tennantite tenon - tenonnage tenonneuse tenrec tenrécidé tenseur tensioactif tensioactivité - tensiométrie tension tensionnage tenson tensorialité tentacule tentaculifère - tentateur tentation tentative tente tenthrède tentoir tenture tenu tenue - tepidarium tequila terbine tercet terebellum terebra terfèze tergal tergite - terlinguaïte termaillage terme terminage terminaison terminale terminateur - terminisme terministe terminologie terminologue termite termitidé termitière - termitoxénie terne ternissement ternissure terpine terpinol terpinolène - terpinéol terpolymère terpène terpénoïde terrafungine terrage terraille - terramare terraplane terrapène terrarium terrasse terrassement terrassier - terre-neuvien terreautage terrefort terreur terri terrien terrier terril - territoire territorialité terroir terroriseur terrorisme terroriste terson - tertiairisation tertiarisation tertiobutanol tertiobutylate tertiobutyle - tervueren terzetto tesla tesselle tessiture tesson tessure tessère test - testacelle testacé testage testament testateur testeur testicardine testicule - testocorticostéroïde testocorticoïde testologie teston testostérone - testudinidé tetramorium tetraneura tetrastemma tette tettigie tettigomètre - tettigoniidé teugue teuthoïde teuton teutonisme texan texte textile textologie - texturage texturation texture texturisation thalamolyse thalamotomie - thalassidrome thalassine thalassocratie thalassophobie thalassophryné - thalassothérapie thalassotoque thalassémie thalattosaurien thaler thaliacé - thalle thallophyte thallospore thalmudomancie thalweg thalénite thameng thamin - thanatologie thanatophobie thanatopracteur thanatopraxie thane thaumasite - thaumaturgie thaumétopée thazard thaï thecla thelomania themagg theridium - thermalisation thermalisme thermalité thermicien thermicité thermidorien - thermique thermisation thermistance thermisteur thermistor thermite - thermoanalgésie thermoanesthésie thermobalance thermocautère thermochimie - thermocinétique thermoclastie thermoclimatisme thermocline thermocoagulation - thermocollant thermocolorimètre thermocompresseur thermoconduction - thermocopie thermocouleur thermocouple thermodiffusion thermodilution - thermodynamicien thermodynamique thermoesthésie thermofixage thermofixation - thermogenèse thermogramme thermographe thermographie thermogravimétrie - thermoimpression thermolabilité thermoluminescence thermolyse thermomagnétisme - thermomanomètre thermomassage thermomètre thermométamorphisme thermométrie - thermonatrite thermoneutralité thermoparesthésie thermophobie thermophone - thermopile thermoplaste thermoplastique thermoplongeur thermopompe - thermopropulsion thermopénétration thermopériode thermopériodisme - thermorécepteur thermorégulateur thermorégulation thermorégénération - thermorésistance thermorétractabilité thermosbaena thermoscope - thermosiphon thermosphère thermostabilité thermostarter thermostat - thermothérapie thermotropisme thermovinification thermoélasticité - thermoélectronique thermoémission thesmothète thessalien thial thiamine - thiara thiase thiasote thiazine thiazole thiazolidine thiazoline thibaude - thigmotriche thigmotropisme thinocore thio-uracile thioacide thioacétal - thioacétate thioalcool thioaldéhyde thioamide thiobactériale thiobactérie - thiocarbonate thiocarbonyle thiocarboxyle thiocrésol thiocyanate thiocyanogène - thiofène thiogenèse thioglycolate thiokol thiol thiolate thioleucobactérie - thionamide thionaphtène thionate thione thionine thionyle thiopental - thiophène thiophénol thiopurinol thiorhodobactérie thiosulfate thioénol - thirame thiurame thixotropie thiémie thlaspi thlipsencéphale tholéiite - thomise thomisidé thomisme thomiste thomsenolite thomsonite thon thonaire - thonine thoracanthe thoracectomie thoracentèse thoracocentèse thoracométrie - thoracoplastie thoracosaure thoracoscopie thoracostracé thoracotomie - thoradelphie thorianite thorine thorite thorogummite thoron thorotrastose - thrace thraupidé thresciornithidé thridace thriller thripidé thrombase - thrombectomie thrombiculidé thrombididé thrombidiose thrombidium thrombine - thrombinomimétique thrombo-angéite thrombocyte thrombocytolyse - thrombocytopoïèse thrombocytopénie thrombocytose thrombocytémie - thrombodynamographe thrombodynamographie thrombogenèse thrombographie - thrombokinase thrombokinine thrombolyse thrombolysine thrombomoduline - thrombophilie thrombophlébite thromboplastine thromboplastinoformation - thromboplastinogénase thrombopoïèse thrombopoïétine thrombopénie - thrombose thrombospondine thrombosthénine thrombotest thrombotique thromboxane - thrombélastogramme thrombélastographe thrombélastographie thrène thréite - thréonine thréose thug thuggisme thulite thune thunnidé thuriféraire - thuya thuyol thuyone thyiade thylacine thylogale thym thymectomie thymidine - thymie thymine thymoanaleptique thymocyte thymocytome thymodépendance thymol - thymolipome thymome thymoparathyroïdectomie thymopoïétine thymorégulateur - thymostabilisateur thymoépithéliome thymuline thyméléacée thyratron thyristor - thyroglobuline thyroid thyropathie thyrostimuline thyrotomie thyrotoxicose - thyrotropin thyrotropine thyroxine thyroxinoformation thyroxinothérapie - thyroïde thyroïdectomie thyroïdien thyroïdisme thyroïdite thyroïdose - thyroïtoxémie thyrse thyréocèle thyréoglobuline thyréolibérine thyréopathie - thyréose thyréostimuline thyréotoxicose thyréotrophine thyréotropine thysanie - thysanoptéroïde thysanoure thème thèque thèse thé théacée théatin thébain - thébaïne thébaïque thébaïsme thébaïste thécaire thécamoebien thécome thécosome - théine théisme théiste théière thélalgie thélarche thélite thélodonte - thélotisme thélyphonide thélytoquie thématique thématisation thématisme thénar - théobaldia théobroma théobromine théocentrisme théocratie théodicée théodolite - théogonie théologie théologien théomancie théope théophanie théophilanthrope - théophylline théopneustie théorbe théore théoricien théorie théorisation - théorétique théosophe théosophie théralite thérapeute thérapeutique théraphose - thérapie thérapon thérapside thériaque théridion thérien thériodonte théristre - théromorphe théropithèque théropode théropsidé thérèse thésard thésaurisation - thésaurismose thésaurose théurge théurgie théurgiste théâtralisation - théâtralité théâtre théâtrothérapie thête tian tiare tibia tibétain - tic ticage tical tichodrome tick ticket ticlopidine tictac tie-break - tiento tierce tiercefeuille tiercelet tiercement tierceron tiercé tiercée - tiers-mondiste tierçage tif tiffe tige tigelle tigette tiglate tiglon tignasse - tigre tigresse tigridie tigrisome tigron tigréen tilapia tilasite tilbury - tiliacée tilique tillac tillage tillandsia tillandsie tille tilleul tilleur - tillodonte tillotte tilurelle timalie timaliidé timarche timbale timbalier - timbre timbré timide timidité timing timocratie timolol timon timonerie - timoré timélie tin tinamiforme tinamou tincal tine tinemi tinette tingidé - tinne tinsel tintamarre tintement tintinnide tintouin tinéidé tiphie tipi - tipulidé tique tiquet tiqueture tiqueur tir tirade tirage tiraillage - tiraillerie tirailleur tirant tirasse tiraude tire tire-balle tire-cale - tire-dent tire-joint tire-nerf tire-pied tire-point tire-sou tirefond - tirelire tiret tiretaine tirette tireté tireur tireuse tiroir tiré tirée - tisane tisanerie tisanière tiseur tison tisonnement tisonnier tissage - tisserin tisseur tissotia tissu tissure tissuterie tissutier titan titanate - titanobromure titanochlorure titanofluorure titanomachie titanomagnétite - titanosuchien titanothère titanyle titi titien titillation titillomanie - titiste titrage titration titre titreuse titrimétrie titrisation titubation - titulariat titularisation titularité titulature tiédeur tiédissement tmèse - toast toastage toaster toasteur toboggan toc tocade tocante tocard toccata - toco tocographie tocologie tocolyse tocolytique tocophérol tocsin todier toge - toile toilerie toilettage toilette toiletteur toileuse toilier toilé toise - toisé toit toiture tokamak token tokharien toko tokophrya tokyoïte tokélau - tolane tolar tolbutamide tolbutamine tolet toletière tolglybutamide tolidine - tollé tolstoïsme tolu tolualdéhyde toluidine tolunitrile toluol toluyle - toluènesulfonate toluènesulfonyle tolyle tolypeute tolérance tolérantisme - tomahawk tomaison toman tomate tomatidine tombac tombale tombant tombe - tomber tombeur tombisseur tombola tombolo tombée tome tomette tomme tommette - tomodensimétrie tomodensitomètre tomodensitométrie tomogramme tomographe - tomophasie tomophotographie tomoptère tomoscintigraphie tomoéchographie ton - tonalité tonca tondage tondaille tondaison tondeur tondeuse tondu tong tongan - tonie tonifiant tonification tonilière tonique tonisme tonka tonnage tonne - tonnelet tonneleur tonnelier tonnelle tonnellerie tonnerre tonographe - tonologie tonolyse tonomètre tonométrie tonoscopie tonotopie tonotropisme - tonsillectomie tonsillotome tonsillotomie tonstein tonsure tonsuré tonte - tontisse tonton tonture tonétique top toparchie toparque topaze topazolite - topette topholipome topi topiairiste topicalisation topinambour topique topo - topoclimat topoesthésie topognosie topographe topographie topologie topométrie - toponyme toponymie toponymiste topophylaxie topotomie toquade toquante toquard - toquet toqué torana torbernite torcel torchage torche torchecul torchon - torchée torcol torcou tord-fil torda tordage tordeur tordeuse tordoir tordu - torero toreutique torgnole toril tormentille tornade tornaria tornasseur toron - torpeur torpillage torpille torpillerie torpilleur torpédiniforme torpédo - torquette torr torrent torréfacteur torréfaction torréfieur torsade torse - torsin torsinage torsine torsiomètre torsion tort tortil tortillage tortillard - tortillement tortillon tortillère tortionnaire tortricidé tortue tortuosité - torulopsidose torulose toryme torymidé torysme toréador toscan tosyle totale - totalisation totaliseur totalitarisme totalitariste totalité totem totipalme - toto toton totémisme totémiste touage touaille touareg toubib toucan toucanet - toucher touchette toucheur touchée toue toueur touffe touffeur touillage - toulette touloucouna touloupe toulousain toundra toungouse toungouze toupaye - toupie toupillage toupilleur toupilleuse toupillon touque tour tour-opérateur - tourage touraillage touraille touraillon touraine touranien tourbe tourbier - tourbillonnement tourbillonniste tourbière tourd tourde tourdelle tourelle - tourie tourier tourillon tourillonnement tourillonneuse tourin tourisme - touriste tourière tourlourou tourmaline tourment tourmente tourmenteur - tourmenté tournage tournant tournasage tournaseur tournassage tournasseur - tourne tourne-pierre tournebride tournebroche tournefeuille tournefil - tournerie tournesol tournette tourneur tournevent tournille tourniole - tournisse tournière tournoi tournoiement tournure tournée touron tourte - tourtière touselle toussaint tousserie tousseur toussotement tout-fou toutou - township toxalbumine toxaphène toxaster toxicarol toxicité toxico toxicodermie - toxicologiste toxicologue toxicomane toxicomaniaque toxicomanie - toxicomanologiste toxicose toxicovigilance toxidermie toxie toxine - toxinose toxinothérapie toxiphobie toxique toxithérapie toxocara toxocarose - toxogénine toxophore toxoplasme toxoplasmose toxotidé toxoïde toxémie tozama - trabe traboule trabécule trabéculectomie trabéculoplastie trabéculorétraction - trabéculum trabée trac tracanage tracanoir tracasserie tracassier tracassin - trace tracelet tracement traceret traceur trachelhématome trachinidé - trachiptéridé trachome trachyandésite trachybasalte trachylide trachyméduse - trachyptéridé trachyte trachéate trachée trachéide trachéite trachélisme - trachélorraphie trachéobranchie trachéobronchite trachéobronchoscopie - trachéofistulisation trachéomalacie trachéopathie trachéoplastie trachéoscopie - trachéosténose trachéotomie tract tractation tracteur traction tractionnaire - tractoriste tractotomie tractrice tracé trader tradescantia traditeur - traditionalisme traditionaliste traditionnaire traducteur traductibilité - traductrice trafic traficotage traficoteur trafiquant trafiqueur trafusage - trafusoire tragacantha trage tragi-comédie tragique tragopan tragulidé - tragédien tragélaphiné trahison traille train trainglot training trait - traite traitement traiteur traitoir traité trajectographie trajectoire trajet - tralala tram trama tramage tramail trame trameur trameuse traminot tramontane - tramping trampoline trampoliniste tramway trancanage trancaneuse tranchage - tranche tranche-lard tranchefil tranchefile tranchelard tranchement tranchet - trancheuse tranchoir tranchée tranquillisant tranquillisation tranquillityite - transactinide transaction transactivation transacylase transaldolase - transaminase transaminasémie transamination transat transatlantique - transbahutement transbordement transbordeur transcendance transcendantalisme - transcodage transcodeur transcomplémentation transconteneur transcortine - transcripteur transcription transculturation transcétolase transducteur - transe transept transfection transferrine transfert transfiguration transfil - transfixion transfluence transfo transformateur transformation - transformationniste transformisme transformiste transformé transformée - transfuseur transfusion transfusionniste transfusé transfèrement - transférase transgresseur transgression transgénèse transhumance transhumant - transillumination transistor transistorisation transit transitaire transitif - transitivité transitoire translaboration translatage translatation translateur - translation translittération translitération translocation translucidité - transmetteur transmigration transmissibilité transmission transmodulation - transmutation transmuée transméthylation transnationalisation transorbitome - transpalette transparence transparent transpeptidase transpercement - transplant transplantation transplantement transplanteur transplantoir - transplanté transpondeur transport transportation transporteur transpositeur - transposon transposée transputeur transsaharien transsexualisme transsexualité - transsibérien transsonance transsonnance transstockeur transsubstantiation - transsudation transthermie transvasage transvasement transverbération - transversale transversalité transversectomie transvestisme transylvanien - trapillon trapp trappage trappe trappette trappeur trappillon trapping - trappistine trapèze trapéziste trapézite trapézoèdre trapézoïde traque - traquet traqueur trattoria traulet traulisme trauma traumatisme traumatisé - traumatologiste traumatologue traumatopnée travail travailleur travailleuse - travailliste trave travelage traveling traveller travelling travelo traversage - traversier traversin traversine traversière traversée travertin travesti - travestissement travée trayeur trayeuse trayon traçabilité traçage traçoir - traînard traînasse traînassement traîne traînement traîneur traînée traître - trechmannite treillage treillageur treillagiste treille treillissé treizain - treizième trek trekking tremblador tremblaie tremblante tremble tremblement - trembleuse tremblote tremblotement tremblé trempabilité trempage trempe - trempeur tremplin trempé trempée trenail trench trend trentain trentaine - trentenier trentième treponema trescheur tressage tressaillage tressaillement - tressautement tresse tresseur tressé treuil treuillage tri triacide triacétate - triage triaire triakidé trial trialcool triale trialisme trialiste trialle - triandrie triangle triangulation triathlon triathlonien triatome triatomicité - triazine triazole triazène tribade tribadisme tribalisme tribaliste triballe - tribolium tribologie triboluminescence tribomètre tribométrie tribord - triboélectricité tribraque tribromure tribu tribulation tribun tribunat - tribut tributylphosphate tric tricard tricentenaire triche tricherie - tricheur trichie trichilia trichine trichinoscope trichinose trichite - trichiuridé trichloracétaldéhyde trichloracétate trichlorométhane - trichlorosilane trichlorure trichloréthanal trichloréthylène trichobothrie - trichoclasie trichoclastie trichocère trichocéphale trichocéphalose - trichodecte trichodesmotoxicose trichogamie trichoglosse trichoglossie - tricholeucocyte trichologie tricholome trichoma trichomalacie trichomanie - trichome trichomonadale trichomonase trichomycose trichomyctéridé - trichonodose trichonymphine trichophobie trichophytide trichophytie - trichoptilose trichoptère trichoptérygidé trichorrhexie trichorrhexomanie - trichosporie trichostome trichotillomanie trichotomie trichromie trichéchidé - trick trickster triclade triclinium tricondyle triconodonte tricorne tricot - tricoterie tricoteur tricoteuse tricouni tricrésylphosphate trictrac - tricuspidite tricycle tricyclène tricyphona tricéphale tricône tridacne - tridem trident tridi trididemnum triduum tridymite tridémisme triecphora triel - triennat triergol triester trieur trieuse trifluorure trifolium triforium - trifurcation trige trigger trigle triglidé triglycéride triglycéridémie - triglyphe trigonalisation trigone trigonelle trigonie trigonite trigonocratie - trigonocéphalie trigonométrie trigonosomie trigramme trigéminisme trihydrate - triiodure trilatération trille trillion trilobite trilobitomorphe trilobitoïde - trilon trilophodon triloupe trimaran trimard trimardeur trimbalage - trimballage trimballement trimer trimestre trimestrialité trimmer trimoteur - trimérisation trimérite triméthoprime triméthylamine triméthylbenzène - triméthylglycocolle triméthylène triméthylèneglycol trinema tringlage tringle - tringlot trinidadien trinitaire trinitraniline trinitranisole trinitrine - trinitrométaxylène trinitrométhane trinitronaphtalène trinitrophénol - trinitrorésorcinate trinitrorésorcinol trinitrotoluène trinité trinquart - trinquet trinquette trinqueur trinôme trio triocéphale triode triol triolet - trioléine triomphalisme triomphaliste triomphateur triomphe trional triongulin - triorchidie triose trioxanne trioxyde trioxyméthylène trioza trip tripaille - tripartisme tripartition tripatouillage tripatouilleur tripe triperie - triphane triphosphatase triphosphate triphtongue triphylite triphène triphénol - triphénylméthane triphénylméthanol triphénylméthyle triphénylométhane - tripier triplace triplan triple triplement triplet triplette triplicité - triplopie triploïde triploïdie triplure triplé triplégie tripodie tripoli - tripot tripotage tripoteur tripotée tripoxylon trippkéite triptyque tripuhyite - trique triqueballe triquet triquetrum triquètre trirègne trirème trisaïeul - trisecteur trisection trisectrice triskèle trisme trisoc trisomie trisomique - tristesse trisulfure trisyllabe trisymptôme trisyndrome tritagoniste tritane - tritanomalie tritanope tritanopie triterpène trithianne trithérapie triticale - tritonal tritonalia tritonie triturateur trituration tritureuse trityle - triumvir triumvirat trivia trivialité trivium trivoiturette trièdre trière - triérarque triéthanolamine triéthylalane triéthylamine triéthylèneglycol trna - trocart trochanter troche trochet trochidé trochile trochilidé trochilium - trochiscation trochisque trochiter trochlée trochocochlea trochocéphalie - trochosphère trochoïde trochoïdea trochure trochée troctolite troctomorphe - trogiomorphe troglobie troglodyte trogne trognon trogoderme trogonidé - trogonoptère trogosite troisième troll trolle trolley trombe trombiculidé - trombidion trombidiose trombine trombinoscope tromblon trombone tromboniste - trompe tromperie trompeteur trompette trompettiste trompeur trompillon trona - troncation troncature tronce tronche tronchet tronculite trondhjémite tronçon - tronçonnement tronçonneur tronçonneuse tropaeloacée tropane tropanol tropanone - trophallaxie trophallergène trophectoderme trophicité trophie trophine - trophoblaste trophoblastome trophodermatoneurose trophoedème trophonose - trophonévrose trophopathie trophophylaxie trophosome trophotropisme - trophozoïte trophée tropicalisation tropidine tropidophora tropidophore - tropie tropilidène tropine tropinote tropique tropisme tropologie tropolone - tropopause troposphère tropylium tropène troque troquet troqueur trot - trotskiste trotskysme trotskyste trotte trotteur trotteuse trottin - trottinette trotting trottoir trou troubade troubadour trouble troufignon - trouillard trouille trouillomètre troupe troupiale troupier troussage trousse - troussequin trousseur troussière troussoire trouvaille trouveur trouvère - troyen troène troïka troïlite truand truandage truanderie truble trublion truc - truchement truck truculence truelle truellette truellée truffage truffe - trufficulture truffière truie truisme truite truitelle truiticulteur - truquage truqueur truquiste trusquin trust truste trustee trusteur - trutticulture tryblidium trypanide trypanocide trypanosoma trypanosomatose - trypanosomiase trypanosomide trypanosomose trypeta trypetocera trypoxylon - trypsinogène tryptamine tryptase tryptophane trypétidé trèfle trébuchage - trébuchet trécheur tréfilage tréfilerie tréfileur tréfileuse tréflière - trélingage tréma trémail trémat trématage trématode trématosaure trémelle - trémolite trémolo trémoussement trémulation trépan trépanage trépanation - trépané trépassé tréphocyte tréphone trépidation trépied trépignement - trépointe tréponème tréponématose tréponémicide tréponémose tréponémémie - trésaille trésaillure trésor trésorerie trésorier trétinoïne trévire trévise - trêve trône trônière tsar tsarisme tsariste tsarévitch tscheffkinite - tsigane tsunami tuage tuatara tub tuba tubage tubard tube tuber tubercule - tuberculination tuberculine tuberculinisation tuberculinothérapie - tuberculome tuberculose tuberculostatique tuberculémie tubinare tubipore - tubitèle tubocurarine tuboscopie tubotympanite tuboïde tubulaire tubule - tubulhématie tubulidenté tubulifère tubulonéphrite tubulonéphrose tubulopathie - tubérale tubéreuse tubérisation tubérosité tuc tuciste tucotuco tuerie tueur - tuffite tuftsin tug tugrik tui tuilage tuile tuilerie tuilette tuileur tuilier - tularémie tulipe tulipier tulipière tulle tullerie tulliste tumba tumescence - tumorectomie tumorigenèse tumorlet tumulte tuméfaction tunage tune tuner tunga - tungose tungstate tungstite tungstosilicate tunicelle tunicier tunique - tunisite tunnel tunnelage tunnelier tunnellisation tupaiiforme tupaja tupaïa - tuque turban turbe turbeh turbellarié turbidimètre turbidimétrie turbidite - turbimétrie turbin turbinage turbine turbinectomie turbinelle turbineur - turbith turbo turboagitateur turboalternateur turbobroyeur turbocombustible - turbodisperseur turbofiltre turboforage turbofraise turbofrein turbogénérateur - turbomoteur turbopompe turbopropulseur turboréacteur turbosoufflante - turbosuralimentation turbosurpresseur turbot turbotin turbotière turbotrain - turbulence turbé turc turcie turco turcologue turcophone turdidé turf turfiste - turion turista turkmène turlupin turlupinade turlutaine turlutte turmérone - turnep turnicidé turnover turonien turpidité turpitude turquerie turquette - turquisation turquisme turquoise turricéphalie turridé turritelle tussah - tussor tussore tutelle tuteur tuteurage tuthie tutie tutiorisme tutoiement - tutorial tutoyeur tutsi tutu tuyautage tuyauterie tuyauteur tuyauté tuyère tué - tween tweeter twill twist twistane tycoon tylenchidé tylome tylopode tympan - tympanite tympanogramme tympanométrie tympanon tympanoplastie tympanosclérose - typage type typha typhacée typhaea typhique typhlectasie typhlite - typhlocolite typhlocyba typhlomégalie typhlonecte typhlopexie typhlopidé - typhlosigmoïdostomie typhlostomie typhomycine typhon typhose typhoïde - typique typo typochromie typocoelographie typographe typographie - typologie typominerviste typomètre typon typothérien typtologie tyraminase - tyraminémie tyran tyrannicide tyrannie tyrannosaure tyria tyrien tyrocidine - tyrolien tyrolienne tyrolite tyrosinase tyrosine tyrosinose tyrosinurie - tyrothricine tytonidé tyuyamunite tzar tzarévitch tzeltale tzigane tzotzile - tâcheron tâtement tâteur tâtonnement tènement tère té téallite téflon - tégument tégénaire téiidé téjidé téju télagon télamon télangiectasie - télescopage télescope télestacé télesthésie téleutospore télexiste téloche - télogène télomère télomérisation télone télophase télosystole télotaxie - télègue télème télé télé-cinéma télé-film téléachat téléachateur téléacheteur - téléaffichage téléalarme téléassistance téléaste téléautographe - télébenne téléboutique télécabine télécaesiothérapie télécarte téléchargement - téléclitoridie télécobalthérapie télécobaltothérapie télécommande - télécompensation téléconduite téléconférence télécontrôle télécopie - télécran télécuriethérapie télécésiumthérapie télédiagnostic télédiaphonie - télédictage télédiffusion télédistribution télédynamie télédétection - téléfilm téléférique téléga télégammathérapie télégestion télégonie télégramme - télégraphie télégraphiste téléguidage télégénie téléimpression téléimprimeur - téléjaugeage télékinésie télélocalisation télémaintenance télémanipulateur - télémark télématicien télématique télématisation télémesure télémoteur - télémécanicien télémécanique télémédecine télémétreur télémétrie télénomie - téléologie téléonomie téléopsie téléopérateur téléopération téléosaure - téléostéen télépaiement télépancartage télépathe télépathie téléphonage - téléphoneur téléphonie téléphoniste téléphonométrie téléphore téléphoridé - téléphotographie téléphérage téléphérique téléplastie télépointage - téléport téléportation téléprojecteur téléprompteur télépsychie téléradar - téléradiocinématographie téléradiographie téléradiophotographie - téléradiothérapie téléradiumthérapie téléreportage téléreporter - télérupteur téléréglage téléscaphe téléscripteur télésignalisation télésiège - télésouffleur téléspectateur télésurveillance télésystole télétexte - téléthèque télétoxie télétraitement télétransmission télétype télévangélisme - télévente téléviseur télévision témoignage témoin téméraire témérité ténacité - ténectomie ténesme ténia ténicide ténifuge ténière ténodèse ténologie ténolyse - ténontopexie ténontoplastie ténontorraphie ténontotomie ténopathie ténopexie - ténor ténorino ténorite ténorraphie ténorrhaphie ténosite ténosynovite - ténotomie ténuirostre ténuité ténèbre ténébrion ténébrionidé ténébrisme - téocali téocalli téorbe téoulier tépale téphrite téphritidé téphrochronologie - téphromyélite téphronie téphrosie téphrosine téphroïte térabit téraspic - tératoblastome tératocarcinome tératogenèse tératogénie tératologie - tératologue tératomancie tératome tératopage tératosaure tératoscopie - téruélite térylène térébelle térébenthinage térébenthine térébenthène - térébinthe térébrant térébration térébratule téréphtalate tétanie tétanique - tétanisme tétanospasmine tétartanopsie tétartoèdre tétartoédrie téterelle - tétine téton tétonnière tétra tétraborate tétrabranche tétrabromométhane - tétrabrométhane tétrachlorodibenzodioxinne tétrachlorométhane tétrachlorure - tétrachloréthylène tétraconque tétracoque tétracoralliaire tétracorde - tétracycline tétracère tétrade tétradymite tétrafluorure tétragnathe tétragone - tétragramme tétragène tétrahydroaldostérone tétrahydrocannabinol - tétrahydroisoquinoline tétrahydronaphtaline tétrahydronaphtalène - tétrahydropyranne tétrahydroserpentine tétralcool tétraline tétralogie - tétramètre tétraméthyle tétraméthylméthane tétraméthylurée tétraméthylène - tétraméthylènesulfone tétranitraniline tétranitrométhane - tétranychidé tétranyque tétraodontidé tétraodontiforme tétraogalle tétraonidé - tétraphyllide tétraploïde tétraploïdie tétraplégie tétraplégique tétrapode - tétraptère tétrapyrrole tétrarchat tétrarchie tétrarhynchide tétrarque - tétrastyle tétrasulfure tétrasyllabe tétraterpène tétratomicité tétravalence - tétrazanne tétrazine tétrazole tétrazène tétraèdre tétraédrite - tétraéthyle tétraéthylplomb tétraéthylplombane tétrode tétrodon tétrodotoxine - tétronal tétrose tétroxyde tétryl tétrytol tété tétée têt têtard tête têtière - tôlage tôlard tôle tôlerie tôlier ubac ubiquinone ubiquisme ubiquiste - ubiquitine ubiquité uca ufologie ufologue uhlan uintatherium ukase ukrainien - ula ulcère ulcération ulcérocancer ulectomie ulexite ulididé ulite ullmannite - ulmacée ulmaire ulmiste ulna ulobore ulster ultimatum ultra - ultracentrifugeuse ultraconservateur ultracuiseur ultradiathermie ultrafiltrat - ultrafiltre ultragerme ultralibéralisme ultramicroscope ultramicroscopie - ultramontanisme ultramylonite ultranationalisme ultranationaliste - ultraroyalisme ultraroyaliste ultrason ultrasonocardiographie ultrasonogramme - ultrasonoscopie ultrasonothérapie ultrasonotomographie ultrastructure - ultraviolet ultraïsme ululation ululement ulve uléma ulérythème umangite umbo - umbraculidé umbridé unanimisme unanimiste unanimité uncarthrose unciale - uncodiscarthrose uncusectomie undécane undécylénate undécénoate une - uni uniate uniatisme unicité unicorne unidirectionalité unidose unificateur - uniforme uniformisation uniformitarisme uniformité unigraphie unijambiste - unilatéralité unilinguisme unio union unionidé unionisme unioniste unipare - unisexualité unisson unissonance unitaire unitarien unitarisme unité - universalisation universalisme universaliste universalité universelle - université univibrateur univocité univoltinisme uppercut upupidé upwelling - uracile uranate urane uranide uranie uraninite uranisme uraniste uranite - uranographie uranophane uranopilite uranoplastie uranoscope uranospathite - uranospinite uranostéoplastie uranothorianite uranotile uranyle urate uraturie - uraète urbanification urbanisation urbanisme urbaniste urbanité urbec ure - urgence urgentiste urgonien urhidrose urial uricofrénateur uricogenèse - uricopexie uricopoïèse uricosurie uricotélie uricozyme uricoéliminateur - uricémie uridine uridrose urinaire urine urinoir urnatelle urne urobiline - urobilinurie urochrome urocordyle urocordé uroctea uroculture urocyon - urocèle urocère urodon urodynie urodèle urodélomorphe urogale urogastrone - urographie urokinase urolagnie urologie urologue uromucoïde uromèle uromètre - uronéphrose uropathie uropeltiné uropepsine urophore uroplate uropode - uroporphyrinogène uropoïèse uropyge uropygide uropyonéphrose uropéritoine - urothélium urotricha ursane ursidé urson ursuline urticacée urticaire urticale - urtication urubu urugayen uruguayen urushiol urussu urèse urètre urédinale - urédospore urée uréide uréine urémie urémique uréogenèse uréogénie uréomètre - uréotélie uréthane uréthanne uréthrite urétralgie urétrectomie urétrite - urétrocystographie urétrocystoscopie urétrocèle urétrographie urétroplastie - urétrorraphie urétrorrhée urétroscope urétroscopie urétroskénite urétrostomie - urétrotome urétrotomie urétérectomie urétérhydrose urétérite urétérocolostomie - urétérocystostomie urétérocèle urétéroentérostomie urétérographie - urétérolyse urétéronéocystosomie urétéroplastie urétéropyélographie - urétéropyélostomie urétérorraphie urétéroscope urétéroscopie - urétérostomie urétérotomie usage usager usance usia usinabilité usinage usine - usnée ussier ustensile ustilaginale ustilaginée usucapion usuel usufruit - usure usurier usurpateur usurpation uta ute utetheisa utilisateur utilisation - utilitarisme utilitariste utilité utopie utopisme utopiste utraquisme - utriculaire utricule utéralgie uvanite uvatypie uviothérapie uvula uvulaire - uvulectomie uvulite uvée uvéite uvéoparotidite uvéorétinite uxoricide uzbek - vacancier vacarme vacataire vacation vaccaire vaccin vaccinateur vaccination - vaccinelle vaccinide vaccinier vaccinogenèse vaccinologiste vaccinologue - vaccinostyle vaccinosyphiloïde vaccinothérapie vaccinoïde vacciné vachard - vacher vacherie vacherin vachette vacillation vacillement vacive vacuité - vacuolisation vacuome vacuothérapie vacurette vacuum vadrouille vadrouilleur - vagabondage vagin vaginalite vaginicole vaginisme vaginite vaginodynie - vaginula vaginule vagissement vagolytique vagotomie vagotonie vagotropisme - vaguelette vaguemestre vahiné vahlkampfia vaigrage vaigre vaillance vaillantie - vainqueur vair vairon vairé vaisselier vaisselle vaissellerie val valaisan - valdôtain valence valentin valentinite valençay valet valetaille valeur - valgue vali validation valideuse validité valine valise valisette valkyrie - valleuse vallisnérie vallombrosien vallon vallonier vallonnement vallum vallée - valorisation valpolicella valse valseur valseuse valuation valve valvule - valvulite valvulopathe valvulopathie valvuloplastie valvulotomie valvée - valérate valérianacée valériane valérianelle valérolactone valétudinaire vamp - vampirisme van vanadate vanadinite vanadite vanadyle vanda vandale vandalisme - vandenbrandéite vandendriesschéite vandoise vanel vanesse vanga vangeron - vanillal vanille vanilleraie vanillier vanilline vanillisme vanillière - vanisage vanité vannage vanne vannelle vannerie vannet vannette vanneur - vannier vannure vannée vanoxite vantard vantardise vantelle vanterie - vanuralite vanuranylite vape vapeur vapocraquage vapocraqueur vaporisage - vaporisation vaporiseur vaporiste vaquero vaquette var vara varaigne varan - varangue varanidé varappe varappeur vardariote varech varenne varettée vareuse - varheuremètre vari variabilité variable variance variant variante variantement - variation varice varicelle varicocèle varicographie varicosité variocoupleur - variole variolisation variolite varioloïde variolé variomètre variorum - variscite varistance variure variété varlet varlopage varlope varon varroa - varsovienne varve vasard vascularisation vascularite vasculite vasculopathie - vasectomie vasectomisé vaseline vaselinome vasidé vasière vasoconstricteur - vasodilatateur vasodilatation vasolabilité vasomotricité vasoplégie - vasopressine vasopressinémie vasotomie vasotonie vasouillage vasque - vassalité vasselage vasseur vassive vastadour vaste vastitude vaticaniste - vaticination vatu vatérite vauchérie vaudeville vaudevilliste vaudevire vaudou - vauquelinite vaurien vautour vautrait vauxite vavasserie vavasseur vavassorie - vecteur vectocardiogramme vectocardiographe vectocardiographie vectogramme - vectographie vectordiagramme vedettariat vedette vedettisation veille veilleur - veilloir veillotte veillée veinage veinard veine veinectasie veinette veinite - veinosité veinospasme veinotonique veinule veinure veirade velarium velche - veld veldt velléitaire velléité velot veloutement veloutier veloutine velouté - velum velvet velvote venaison venant vendace vendange vendangeoir vendangeon - vendangerot vendangette vendangeur vendangeuse vendetta vendeur vendredi vendu - venelle venet veneur vengeance vengeron vengeur venimosité venin venise vent - ventaille vente ventilateur ventilation ventileuse ventosité ventouse ventre - ventriculite ventriculogramme ventriculographie ventriculoplastie - ventriculotomie ventriloque ventriloquie ventrière ventrofixation ventrée - venturimètre venturon venue ver verbalisateur verbalisation verbalisme - verbe verbiage verbicruciste verbigération verbomanie verboquet verbosité - verbénaline verbénaloside verbénone verbénoside verchère verdage verderolle - verdeur verdict verdier verdin verdissage verdissement verdoiement - verdure verdurier verge vergelet vergelé vergence vergeoise verger vergerette - vergette vergeture vergeur vergeure vergne vergobret vergogne vergue verguette - verlion vermeil vermet vermicelier vermicelle vermicellerie vermicide - vermiculite vermiculure vermidien vermifuge vermileo vermille vermillon - verminose vermiote vermiothe vermoulure vermout vermouth vermée vernale - vernation verne verni vernier vernissage vernisseur veronicella verrage - verranne verrat verratier verre verrerie verreur verrier verrine verrière - verrou verrouillage verrouilleur verrucaire verrucosité verrue verruga verrée - versage versamide versant versatilité verse versement verset verseuse - versiculet versificateur versification version verso versoir verste vert verte - verticale verticalisme verticalité verticille verticité vertige vertigo vertu - vertèbre vertébrothérapie vertébré verve verveine vervelle vervet vesce vespa - vespertilio vespertilion vespertilionidé vespidé vespère vespérugo vespétro - vessie vessigon vestale veste vestiaire vestibule vestige vestiture veston - veto vette veuf veuglaire veulerie veuvage veuve vexateur vexation vexillaire - vexillologie vexillologue viabilisation viabilité viaduc viager viande - viatka viator vibal vibice vibord vibraculaire vibrage vibrance vibrante - vibraphoniste vibrateur vibration vibrato vibreur vibrio vibrion vibrisse - vibrodameur vibroflottation vibrographe vibromasseur vibromouleuse - vibrothérapie vicaire vicariance vicariat vice vice-consulat vice-empereur - vice-ministre vice-présidence vice-président vice-roi vicelard vichysme - viciation vicinalité vicinité vicissitude vicomte vicomté victimaire - victime victimologie victoire victoria victorin victuaille vidage vidame - vidamé vidange vidangeur vide vide-gousset vide-grenier videlle videur vidicon - vidoir vidrecome viduité vidure vidéaste vidéo vidéocable vidéocassette - vidéoclip vidéoclub vidéocommunication vidéoconférence vidéodisque - vidéogramme vidéographie vidéolecteur vidéolivre vidéomagazine vidéophone - vidéoprojecteur vidéoprojection vidéothèque vidéotransmission vie vieillard - vieillerie vieillesse vieillissement vielle vielleur viennoiserie vierge viet - vieux-croyant vif vigie vigilambulisme vigilance vigile vigintivir - vigne vigneron vignetage vignettage vignette vignettiste vigneture vignoble - vignot vigogne viguerie vigueur viguier vihuela vihueliste viking vilain - vilayet vilebrequin vilenie villa villafranchien village villamaninite - villanovien ville villenauxier villerier villiaumite villine villosité - villégiature vimana vimba vin vina vinage vinaigre vinaigrerie vinaigrette - vinasse vinblastine vincamine vincennite vincristine vindicatif vindicte - vindoline vinettier vingeon vingtaine vingtième viniculteur viniculture - vinification vinosité vinothérapie vinylacétylène vinylal vinylbenzène vinyle - vinylogie vinylogue vinée vioc viognier viol violacée violamine violanthrone - violation viole violence violent violet violette violeur violier violine - violon violoncelle violoncelliste violone violoniste violurate viomycine - vioque viorne vioulé vipome vipère vipémie vipéridé vipérine virage virago - virelai virement virescence vireton vireur virevolte virga virginal virginale - virginiamycine virginie virginité virgulaire virgule viriel virilisation - virilité virion virocide virogène virolage virole viroleur virolier virologie - virologue viroplasme virose virostatique viroïde virtualité virtuose - virucide virulence virulicide virure virurie virée virémie viréon visa visage - visagiste visagière viscache viscachère viscoplasticité viscoréducteur - viscose viscosimètre viscosimétrie viscosité viscoélasticimètre - viscère viscéralgie viscérite viscérocepteur viscéromégalie viscéroptose - viseur visibilité visigoth visioconférence vision visionnage visionnaire - visionneuse visiophone visiophonie visitage visitandine visitation visitatrice - visiteur visiteuse visière visna visnage visnague visnuisme vison visonnière - visserie visseuse visu visualisation visuel visuscope visé visée vit vitacée - vitaliste vitalité vitallium vitamine vitaminisation vitaminologie vitaminose - vitellogenèse vitelotte vitesse viticulteur viticulture vitiligo - vitiviniculture vitolphilie vitrage vitrain vitrauphanie vitre vitrectomie - vitrescibilité vitrier vitrifiabilité vitrification vitrine vitrinite vitriol - vitriolerie vitrioleur vitriolé vitrière vitrocérame vitrocéramique - vitrosité vitré vitrée vitréotome vitupérateur vitupération vivacité vivandier - vivarium vivat vive viverridé viveur vivianite vividialyse vividité vivier - vivipare viviparidé viviparité vivisecteur vivisection vivoir vizir vizirat - vobulateur vobulation vobuloscope vocable vocabulaire vocalisateur - vocalise vocalisme vocatif vocation voceratrice vociférateur vocifération - vodka voglite vogoul vogoule vogue voie voilage voile voilement voilerie - voilier voilure voirie voisement voisin voisinage voisée voiturage voiture - voiturier voiturin voiturée vol volaille volailler volailleur volant volapük - volatilisation volatilité volborthite volcan volcanisme volcanologie - vole volerie volet volettement voleur volhémie volige voligeage volitif - volière volley volleyeur volontaire volontariat volontarisme volontariste - volorécepteur volt voltage voltaire voltairianisme voltairien voltampère - voltampérométrie voltamètre voltaïsation voltaïte volte voltige voltigement - voltinisme voltmètre volubilisme volubilité volucelle volucompteur volume - volupté volute volutidé volvaire volvation volve volvocale volvoce volvulose - volé volée volémie vomer vomi vomique vomiquier vomissement vomisseur - vomitif vomito vomitoire vomiturition voracité voran vorticelle vorticisme - vorticité vosgien votant votation vote voucher vouge vougier vouivre vouloir - voussoiement voussoir voussure vouvoiement voué voyage voyageur voyagiste - voyant voyelle voyer voyeur voyeurisme voyeuse voyou voyoucratie voïvodat - voïvodie voïévode voïévodie voûtage voûtain voûte voûtement vrai vraisemblance - vreneli vrillage vrille vrillement vrillerie vrillette vrillon vrillée - vue vulcain vulcanisant vulcanisation vulcanisme vulcanologie vulcanologue - vulgarisation vulgarisme vulgarité vulgate vulnérabilité vulnéraire vulpin - vulturidé vulvaire vulve vulvectomie vulvite vumètre vé vécu védique védisme - védutiste végétalien végétalisme végétaliste végétarien végétarisme végétation - végétothérapie véhicule véhiculeur véhémence véjovidé vélaire vélani vélar - vélelle vélie vélin véliplanchiste vélite vélivole vélo vélocifère vélocimètre - vélocipède vélociste vélocité véloclub vélocypédiste vélodrome vélomoteur - vélopousse véloski vélum vénalité vénerie vénilie vénitien vénitienne vénusien - vénète vénénosité vénérable vénération vénéreologie vénéricarde vénéridé - vénérologie vénérologiste vénérologue vénéréologie vénéréologiste vénéréologue - vépéciste véracité véraison véranda vératraldéhyde vératre vératridine - véridicité véridiction vérifiabilité vérificateur vérification - vérificationniste vérificatrice vérifieur vérin vérine vérisme vériste vérité - vérolé véronal véronique vérotier vérétille vésanie vésicant vésication - vésicoplastie vésicopustule vésiculation vésicule vésiculectomie vésiculite - vésiculographie vésiculotomie vésignéite vésuvianite vésuvine vétillard - vétilleur vétivazulène vétiver vétivone vétusté vétyver vétéran vétérance - vêlage vêlement vêleuse vêtement vêture wad wading wagage wagnérien wagnérisme - wagon wagonnage wagonnet wagonnette wagonnier wagonnée wahhabisme wahhabite - wali walkman walkyrie wallingant wallon wallonisme walloniste walpurgite - wapiti warandeur wargame warrant warrantage warwickite washingtonia wassingue - water-ballast water-closet water-flooding water-polo waterbok watergang - waterproof watt wattheure wattheuremètre wattmètre wavellite weber webstérite - wehnelt wehrlite weka welche wellingtonia welsch welsh welter wengué - wergeld wernérite western wetback wharf whartonite wheezing whewellite whig - whippet whisky whist wielkopolsk wigwam wilaya williamine willyamite willémite - winch winchester wincheur windsurf wintergreen wirsungographie wirsungorragie - wisigoth wiski withérite witloof wittichite wittichénite wohlfahrtia wok - wolframate wolfsbergite wollastonite wolof wolsendorfite wombat wombatidé - worabée workshop wucheriose wuchéreriose wulfénite wurtzite wyandotte wyartite - xanthanne xanthate xanthia xanthie xanthine xanthinurie xanthiosite xantho - xanthoconite xanthoderme xanthodermie xanthofibrome xanthogranulomatose - xanthogénate xanthomatose xanthome xanthomisation xanthomonadine xanthone - xanthophycée xanthophylle xanthopsie xanthoptysie xanthoptérine xanthoxyline - xanthylium xanthène xanthélasma xanthémolyse xantusie xantusiidé xenopsylla - xiang ximenia ximénie xiphiidé xipho xiphodyme xiphodynie xiphopage xiphophore - xiphosuride xiphoïdalgie xiphydrie xonotlite xylanne xylidine xylite xylitol - xylocope xylodrèpe xyloglyphie xyloglyptique xylographe xylographie xylol - xylomancie xylophage xylophagie xylophone xylophoniste xylophène xylose - xylota xylème xylène xylénol xyste xystique xénarthre xénie xénique - xénocoeloma xénoderminé xénodevise xénodiagnostic xénodontiné xénodoque - xénogreffe xénolite xénongulé xénoparasitisme xénope xénopeltiné xénophile - xénophobe xénophobie xénophore xénosauridé xénotest xénotime xénotropisme - xéranthème xérocopie xérodermie xérodermostéose xérographie xérome - xérophtalmie xérophyte xéroradiographie xérorhinie xérorrhinie xérose xérosol - yacht yachting yack yag yak yakusa yankee yaourt yaourtière yapok yard yatagan - yazici yearling yen yersinia yersiniose yeti yette yeuse ylangène ylure - ynol yod yodler yoga yoghourt yogi yogin yogourt yohimbehe yohimbine yoldia - yolette yorkshire yougoslave youngina youpin youpinerie yourte youtre youyou - ypérite ysopet ytterbine yttria yttrialite yttrotantale yttrotantalite - yuan yucca yèble yéménite yéti zabre zagaie zakouski zalambdodonte zambien - zamia zamier zancle zanclidé zannichellie zanzi zanzibar zapatéado zapodidé - zapping zaratite zarzuela zazou zaïre zeiraphère zellige zelmira zemstvo zend - zerynthia zeste zesteur zeugite zeuglodontidé zeugma zeugmatographie zeugme - zeuxévanie zeuzère zibeline zicrone zig ziggourat zigoto zigue zigzag zilla - zinc zincage zincaluminite zincate zincide zincite zincochlorure zincographie - zinconise zincose zincurie zincémie zindîqisme zingage zingel zingibéracée - zinguerie zingueur zinjanthrope zinkénite zinnia zinnwaldite zinzin zinzolin - zippéite zircon zirconate zircone zirconifluorure zirconite zirconyle - zircotitanate zirkélite zist zizanie zizi zizyphe zloty zoanthaire zoanthide - zoarcidé zoarium zodarion zodiaque zodion zombi zombie zomothérapie zona - zonalité zonard zonation zone zonier zoning zonite zonula zonule zonulolyse - zonure zonéographie zoo zooanthroponose zoochlorelle zoocécidie zoocénose - zoogamète zooglée zoogéographie zoolite zoolithe zoologie zoologiste zoologue - zoolâtrie zoolée zoom zoomanie zoomorphisme zoomylien zoonite zoonose - zoopathie zoophage zoophagie zoophile zoophilie zoophobie zoophore zoophyte - zooplancton zooprophylaxie zoopsie zoopsychologie zoopsychologue zoose - zoospore zoostérol zoosémioticien zoosémiotique zootaxie zootechnicien - zoothérapie zootoca zooxanthelle zope zophomyia zora zoraptère zoreille - zoroastrien zoroastrisme zorrino zorro zostère zostérien zouave zoulou zozo - zozoteur zoé zoécie zoïde zoïdogamie zoïle zoïsite zoïte zucchette zuchette - zupan zutiste zwanze zwinglianisme zwinglien zwiésélite zygina zygnema - zygolophodon zygoma zygomatique zygomorphie zygomycète zygophyllacée zygoptère - zygospore zygote zygène zyklon zymase zymogène zymologie zymonématose - zymotechnie zython zythum zèbre zèle zéatine zéaxanthine zébrasome zébrure - zée zéiforme zéine zéisme zélateur zélote zélotisme zélé zénana zénith zéolite - zéolitisation zéphyr zéphyrine zéro zérotage zérumbet zérène zétacisme zétète - zézaiement zézayeur à-coup à-côté à-pic âcreté âge âme âne ânerie ânesse ânier - ânonnement ânée âpreté âtre çivaïsme çivaïte çoufi èche ère ève ébahissement - ébarbage ébarbement ébarbeur ébarbeuse ébarboir ébarbure ébardoir ébat - ébauche ébaucheur ébauchoir ébauchon ébavurage ébergement ébeylière ébionite - ébogueuse ébonite éborgnage éborgnement ébossage ébosseur ébosseuse ébouage - ébouillantage ébouillissage éboulage éboulement éboulure ébouquetage - ébourgeonnage ébourgeonnement ébourgeonnoir ébouriffage ébouriffement - ébourrage ébourreur ébourreuse ébourroir ébouseuse ébousineuse éboutage - ébouteuse ébouturage ébraisage ébraisoir ébranchage ébranchement ébrancheur - ébranlage ébranlement ébranloir ébrasement ébrasure ébriédien ébriété - ébroudeur ébroudi ébrouement ébroussage ébruitement ébrutage ébrèchement - ébulliomètre ébulliométrie ébullioscope ébullioscopie ébullition éburnation - ébénacée ébénale ébénier ébéniste ébénisterie écabochage écabochoir écabossage - écaffe écaillage écaille écaillement écailler écailleur écaillure écalage - écalure écamet écamoussure écang écangage écangue écangueur écapsuleuse - écardine écarlate écarquillement écart écartelure écartelé écartement écarteur - écartèlement écarté écatissage écatisseur écaussine éceppage écerie écervelé - échafaudage échaillon échalassage échalassement échalier échalote échamp - échancrure échandole échanfreinement échange échangeur échangisme échangiste - échansonnerie échantignole échantignolle échantil échantillon échantillonnage - échappade échappatoire échappe échappement échappé échappée écharde - échardonnette échardonneur échardonneuse échardonnoir écharnage écharnement - écharneuse écharnoir écharnure écharpe échasse échassier échauboulure - échaudement échaudeur échaudi échaudoir échaudure échaudé échauffe - échauffourée échauffure échauffé échauguette échaulage échaumage échec - échelette échelier échellage échelle échellier échelon échelonnage - échenillage échenilleur échenilloir échevellement échevetage échevettage - échevin échevinage échidnine échidnisme échidné échiffe échiffre échimyidé - échinide échinidé échinochrome échinococcose échinocoque échinocyame - échinoderme échinodère échinomyie échinon échinorhynque échinosaure - échinostome échinothuride échiqueté échiquier échiurien écho échocardiogramme - échocinésie échoencéphalogramme échoencéphalographie échoendoscope - échogramme échographe échographie échographiste échogénicité échokinésie - écholalie écholalique écholocalisation écholocation échomatisme échomimie - échométrie échoppage échoppe échopraxie échopraxique échosondage échosondeur - échotier échotomographie échouage échouement échéance échéancier échée - écidie écidiole écidiolispore écidiospore écimage écimeuse écir éciton - éclaboussure éclair éclairage éclairagisme éclairagiste éclaircie - éclaircissement éclaircisseuse éclaire éclairement éclaireur éclampsie - éclanche éclat éclatage éclatement éclateur éclateuse éclatomètre éclaté - éclectisme éclimètre éclipse écliptique éclissage éclisse éclisseuse éclogite - éclosabilité écloserie éclosion éclosoir éclusage écluse éclusement éclusier - écobiocénose écobuage écobue écocide écoclimatologie écocline écoeurement - écographie écoin écoine écoinette écointage écoinçon écolage école écolier - écolo écologie écologisme écologiste écologue écolâtre écolâtrerie écomusée - économat économe économie économiseur économisme économiste économètre - économétrie écopage écope écoperche écopeur écophase écophysiologie - écoquetage écor écorage écorce écorcement écorceur écorceuse écorchage - écorcherie écorcheur écorchure écorché écorcier écore écoreur écornage - écornifleur écornure écorçage écorçoir écorçon écosphère écossage écossaise - écossine écossisme écosystème écot écoterrorisme écotone écotype écouane - écoufle écoulement écoumène écourgeon écourue écoutant écoute écouteur - écouvette écouvillon écouvillonnage écouvillonnement écrabouillage - écrainiste écraminage écran écrasage écrasement écraseur écrasure écrasé - écribellate écrin écrinerie écrinier écrit écritoire écriture écrivailleur - écrivain écrivasserie écrivassier écrou écrouissage écroulement écroûtage - écru écrémage écrémeur écrémeuse écrémoir écrémoire écrémure écrêtage - écrêteur écu écuanteur écubier écueil écuelle écuellier écuellée écumage écume - écumoire écurage écurette écureuil écurie écusson écussonnage écussonnoir - écépage écôtage édam édaphologie édaphosaure éden édentement édenté édicule - édification édificatrice édifice édile édilité édingtonite édit éditeur - édito éditorialiste édocéphale édovaccin édredon édrioastéride édriophtalme - éducateur éducation édulcorant édulcoration édénisme édénite éfendi éfrit - égagropile égaiement égalisage égalisation égalisatrice égaliseur égalisoir - égalitarisme égalitariste égalité égard égarement égayement égermage égide - églantine églefin églestonite église églogue églomisation égoblage - égocentrisme égocentriste égocère égophonie égorgement égorgeur égotisme - égousseuse égout égoutier égouttage égouttement égouttoir égoutture égoïne - égoïste égrain égrainage égrainement égraminage égrappage égrappeur égrappoir - égratignoir égratignure égrenage égreneuse égrenoir égression égressive - égrisage égrisé égrisée égrugeage égrugeoir égrène égrènement égrégore - égueulement égyptienne égyptologie égyptologue égérie éhoupage éjaculateur - éjaculatorite éjambage éjarrage éjarreuse éjecteur éjection éjective - éjectoconvecteur éjointage ékaba ékouné élaborateur élaboration élachiptera - élagage élagueur élagueuse élan élancement éland élanion élaphe élaphre - élargissage élargissement élargisseur élasmobranche élasmosaure élastance - élasticimètre élasticimétrie élasticité élastine élastique élastofibre - élastographe élastographie élastome élastomère élastopathie élastoplasticité - élastose élastéidose élastéïdose élater élatif élatéridé élatérométrie élavage - élaïoconiose électeur élection électivité électoralisme électoraliste - électret électricien électricité électrificateur électrification électrisation - électroacoustique électroaffinité électroaimant électroaimantation - électroanesthésie électrobiogenèse électrobiologie électrobiologiste - électrocapillarité électrocardiogramme électrocardiographe - électrocardiokymographie électrocardioscope électrocardioscopie - électrocautère électrochimie électrochimiothérapie électrochirurgie - électrocinèse électrocinétique électrocoagulation électrocochléogramme - électroconcentration électroconvulsion électroconvulsivothérapie électrocopie - électrocorticographie électrocortine électroculture électrocution électrocuté - électrodermogramme électrodermographie électrodiagnostic électrodialyse - électrodynamique électrodynamomètre électrodéposition électroencéphalogramme - électroforeuse électroformage électrogalvanisme électrogastrographie - électrogramme électrogravimétrie électrogustométrie électrogénie - électrokymographie électrolepsie électrologie électroluminescence électrolyse - électrolyte électrolytémie électromagnétisme électromoteur électromyogramme - électromyostimulation électromètre électromécanicien électromécanique - électroménagiste électrométallurgie électrométallurgiste électrométrie - électronarcose électroneutralité électronicien électronique électronographie - électronystagmographie électronégativité électropathologie - électrophilie électrophone électrophorèse électrophorégramme - électrophysiologie électroplastie électroponcture électroprotéinogramme - électroradiologie électroradiologiste électrorhéophorèse électrorécepteur - électrorétinographie électroscope électrosidérurgie électrosondeur - électrostatique électrostimulation électrostriction électrosynérèse - électrosystolie électrosystologie électrotaxie électrotechnicien - électrothermie électrothérapie électrotransformation électrotropisme - électrovalve électrovanne électroviscosité électrozingage électroérosion - électuaire éleuthérodactyle éleuthérozoaire élevabilité élevage éleveur - élevon élevure élidation éligibilité éligible éliminateur élimination - élinde élingage élingue élinguée élinvar élision élite élitisme élitiste - élizabéthain élocution élodée éloge élohiste éloignement élongation élongement - éloquence éloïste élu élucidation élucubration élution élutriateur élutriation - élysia élytre élytrocèle élytroplastie élytroptose élytrorragie élytrorraphie - élève éléagnacée éléate éléatisme élédone élégance élégant élégi élégiaque - élégissement éléidome élément élémentarité élémicine élénophore éléolat éléolé - éléphant éléphantiasique éléphantidé éléphantopodie élévateur élévation - émaciation émaciement émaillage émaillerie émailleur émaillure émanateur - émanche émanché émancipateur émancipation émanothérapie émargement émarginule - émasculation ématurga émeraude émergement émergence émeri émerillon - émerisage émeriseuse émersion émerveillement émetteur émeu émeute émeutier - émiettement émietteur émigrant émigration émigrette émigré éminceur émincé - éminence émir émirat émissaire émission émissivité émissole émittance émoi - émolument émonctoire émondage émondation émonde émondeur émondoir émorfilage - émotion émotivité émottage émottement émotteur émotteuse émou émouchet - émoucheteur émouchette émouchoir émoulage émouleur émoussage émoussement - émoustillement émulateur émulation émule émulseur émulsif émulsifiant - émulsification émulsifieur émulsine émulsion émulsionnant émulsionneur - émérophonie émétine émétique émétocytose éna énalapril énamine énanthème - énantiomère énantiomérie énantiose énarchie énargite énarque énarthrose - énergie énergisant énergumène énergéticien énergétique énergétisme énergétiste - énervement énervé énicure énidé éniellage énigme énième énol énolisation - énonciateur énonciation énoncé énophtalmie énoplocère énoplognatha énormité - énouage énoueur énoxolone énoyautage énoyauteur énucléation énumération - énurésie énurétique ényne énéma énéolithique éocambrien éocène éolide éolienne - éolipyle éolisation éolithe éon éonisme éosine éosinocyte éosinophile - éosinophilémie éosinopénie éosphorite éoud épacromia épacte épagneul épaillage - épair épaisseur épaississage épaississant épaississement épaississeur - épamprage épamprement épanalepse épanalepsie épanchement épanchoir épandage - épandeuse épannelage épanneleur épannellement épanneur épanouillage - épanouilleuse épanouissement épar éparchie épargnant épargne épargneur - éparpilleur éparque épart éparvin épate épatement épateur épaufrure épaulard - épaulement épauletier épaulette épaulière épaulé épaulée épave épaviste - épeiche épeichette épeire épeirogenèse épellation épendyme épendymite - épendymocytome épendymogliome épendymome épenthèse éperdument éperlan éperon - éperonnerie éperverie épervier épervin épervière épetillure épeule épeuleur - épexégèse éphectique éphidrose éphippie éphippigère éphod éphorat éphore - éphydridé éphyra éphyrule éphèbe éphète éphébie éphédra éphédrine éphédrisme - éphémère éphéméride éphémérophyte éphéméroptère éphésite épi épiage épiaire - épiaster épiation épibate épiblaste épiblépharon épibolie épicarde épicardite - épicarpe épicaute épice épicentre épicerie épichlorhydrine épichérème épicier - épiclèse épicome épicondylalgie épicondyle épicondylite épicondylose épicrate - épicrâne épicurien épicurisme épicycle épicycloïde épicéa épidactyloscope - épidermodysplasie épidermolyse épidermomycose épidermophytie épidermophytose - épididyme épididymectomie épididymite épididymographie épididymotomie épidote - épidurite épidurographie épidémicité épidémie épidémiologie épidémiologiste - épierrement épierreur épierreuse épieur épigamie épigastralgie épigastre - épigenèse épiglotte épiglottite épignathe épigone épigonisme épigrammatiste - épigraphe épigraphie épigraphiste épigyne épigynie épigénie épikératophakie - épilachne épilage épilame épilation épilatoire épilepsie épileptique - épileur épileuse épillet épilobe épilogue épilogueur épiloïa épimachie - épimorphisme épimère épimélète épimérie épimérisation épinaie épinard - épinceteur épincette épinceur épine épinette épineurectomie épineurien - épinglage épingle épinglerie épinglette épinglier épingline épinglé épinier - épinochette épinomie épinçage épinçoir épinèvre épinéphrine épinéphrome - épipaléolithique épiphanie épiphile épiphonème épiphora épiphore épiphylle - épiphysectomie épiphysiodèse épiphysiolyse épiphysite épiphysose épiphyséolyse - épiphytie épiphytisme épiphénomène épiphénoménisme épiphénoméniste épiplocèle - épiploopexie épiplooplastie épiplopexie épiploplastie épiploïte épiradiateur - épirote épisclérite épiscopalien épiscopalisme épiscopaliste épiscopat - épisiorraphie épisiotomie épisode épisome épissage épissière épissoir - épissure épistasie épistate épistilbite épistolier épistolographe épistome - épistratégie épistyle épistémologie épistémologiste épistémologue - épistémè épisyénite épitaphe épitaxie épite épithalame épithème épithète - épithéliite épithélioma épithéliomatose épithéliome épithélioneurien - épithélium épithétisation épitoge épitomé épitope épitopique épitoquie - épitrochlée épitrochléite épitrochéalgie épitrochéite épizoaire épizone - épiétage épiéteur éploiement éploré épluchage épluche-légume éplucheur - épluchoir épluchure épode époi épointage épointement épointillage éponge - éponte épontillage épontille éponyme éponymie épopée époque épouillage - épouse épouseur époussetage épousseteur époussetoir époussette époussètement - épouti époutissage époutisseur épouvantail épouvante épouvantement époxyde - épreuve éprouvette épuisement épuisette épulide épulie épulon épulpeur épurage - épuration épure épurement épurge épée épéisme épéiste épépinage épérythrozoon - équanimité équarrissage équarrissement équarrisseur équarrissoir équateur - équation équerrage équerre équette équeutage équeuteuse équibarycentre - équicourant équidistance équidé équilibrage équilibration équilibre - équilibriste équille équilénine équimolécularité équimultiple équin équinisme - équipage équipartition équipe équipement équipementier équipier équipollence - équipotentialité équipotentielle équiprobabilité équipée équisétale - équitation équité équivalence équivalent équivoque érable érablière - éradication éradiction éraflage éraflement érafloir éraflure éraillement - érasmisme érastianisme érastria érato érecteur érectilité érection éreintage - éreinteur érepsine éreuthophobe éreuthophobie éreutophobe éreutophobie - éricicole éricule érigne érigone érigéron érinacéidé érine érinnophilie - ériochalcite ériocraniidé ériogaster érisiphaque érismature éristale éristique - érosion érosivité érotisation érotisme érotologie érotologue érotomane - érotomanie érotylidé érubescence érubescite éructation érudit érudition - érussage érycine érycinidé éryciné éryonide érysipèle érysipélatoïde - érythermalgie érythrasma érythrine érythrite érythritol érythroblaste - érythroblastome érythroblastophtisie érythroblastopénie érythroblastose - érythrocyanose érythrocyte érythrocytome érythrocytose érythrocèbe - érythrodiapédèse érythrodontie érythroedème érythroenzymopathie érythrogénine - érythroleucémie érythromatose érythromycine érythromyéloblastome - érythromyélémie érythromélalgie érythromélie érythron érythronium - érythrophagie érythrophagocytose érythrophléine érythrophobie érythrophtisie - érythropodisme érythropoïèse érythropoïétine érythroprosopalgie érythropsie - érythropénie érythrose érythrosine érythrothérapie érythroxylacée érythrulose - érythrée érythrémie érythème érèse érébia érémie érémiste érémitisme - érémophyte érésipèle éréthisme éréthizontidé ésociculteur ésociculture ésocidé - ésotropie ésotérisme ésotériste ésérine étable établi établissage - établisseur étacrynique étage étagement étagère étai étaiement étain étainier - étalage étalagiste étale étalement étaleuse étalier étalingure étaloir étalon - étalonnement étalonneur étalonnier étamage étambot étambrai étameur étamine - étampage étampe étamperche étampeur étampon étampure étamure étanche - étancheur étanchéification étanchéité étanfiche étang étançon étançonnement - étarquage état étatisation étatisme étatiste étaupinage étaupineuse étaupinoir - étavillon étavillonnage étayage étayement éteignoir ételle ételon étemperche - étendard étenderie étendeur étendoir étendue étente éterle éterlou éternité - éteuf éteule éthambutol éthanal éthanamide éthane éthanediol éthanedithiol - éthanol éthanolamine éthanolate éther éthicien éthionamide éthiopianisme - éthogramme éthographie éthogène éthologie éthologiste éthologue - éthoxalyle éthoxyde éthuse éthylamine éthylate éthylation éthylbenzène - éthyle éthylidène éthylique éthylisme éthylmercaptan éthylmorphine éthylomètre - éthylthioéthanol éthyluréthanne éthylvanilline éthylène éthylènediamine - éthylénier éthyne éthynyle éthène éthérie éthérification éthérisation - éthérolat éthérolature éthérolé éthéromane éthéromanie étiage étier étincelage - étincelle étincellement étiocholane étiolement étiologie étiopathogénie - étioprophylaxie étiquetage étiqueteur étiqueteuse étiquette étirage étire - étireur étireuse étiré étisie étoc étoffe étoile étoilement étoilé étole - étouffade étouffage étouffement étouffeur étouffoir étouffé étoupe étoupille - étourdi étourdissement étrain étrainte étranger étrangeté étranglement - étrangloir étrapoire étrave étreignoir étreinte étrenne étresse étrier - étrille étripage étrive étrivière étrognage étroit étroite étroitesse - étron étruscologie étruscologue étrèpe étrépage étrésillon étrésillonnement - étudiant étudiole étui étuvage étuve étuvement étuveur étuveuse étuvée - étymologiste étymon été étêtage étêtement étêteur évacuant évacuateur - évacué évadé évagination évaluateur évaluation évanescence évangile - évangélique évangélisateur évangélisation évangélisme évangéliste évanie - évansite évapographie évaporateur évaporation évaporativité évaporite - évaporométrie évaporé évapotranspiration évapotranspiromètre évarronnage - évasion évasure évection éveil éveilleur éveillé éveinage évent éventage - éventaillerie éventailliste éventaire éventement éventration éventreur - éventure éventé évergétisme éversion évhémérisme éviction évidage évidement - évidoir évidure évier évincement éviscération évitage évitement évocateur - évolage évolagiste évolution évolutionnisme évolutionniste évolutivité - évonymite évrillage évulsion évènement événement évêché évêque être île îlet -""".split()) +NOUNS = set( + """ +abaca abacule abaisse abaissement abaisseur abaissée abajoue abalone abalé +abandonnataire abandonnateur abandonnement abandonnique abandonnisme abandonné +abarco abasie abasourdissement abat abat-carrage abat-son abatage abatant +abattant abattement abatteur abatteuse abattoir abattu abattue abatture +abatée abaza abba abbacomite abbasside abbatiale abbatiat abbaye abbesse abbé +abdicataire abdication abdomen abducteur abduction abeillage abeille abeiller +abeillon aber aberrance aberration abessif abich abillot abiogenèse abiose +abiétacée abiétate abiétinée abjection abjuration abkhaze ablactation ablaque +ablation ablaut able ableret ablette ablier abloc ablocage ablot ablutiomanie +ablégat ablégation ablépharie abnégation abobra aboi aboiement abolisseur +abolitionnisme abolitionniste abomasite abomasum abomination abondance +abondement abonnataire abonnement abonnissement abonné abord abordage abordeur +aborigène abornement abortif abot abouchement aboulie aboulique abouna about +aboutement aboutissement aboutoir aboutoire aboyeur abra abranche abrasif +abrasin abrasion abrasivité abre abreuvage abreuvement abreuvoir abri abricot +abricotine abricoté abrivent abrogateur abrogation abroma abronia abrotone +abrupt abruti abrutissement abrutisseur abruzzain abrègement abréaction +abrégé abréviateur abréviation abscisse abscissine abscission absconse absence +absentéisme absentéiste abside absidia absidiole absinthe absinthisme absolue +absolution absolutisme absolutiste absorbance absorbant absorbeur absorptance +absorptiométrie absorption absorptivité absoute abstention abstentionnisme +abstinence abstinent abstract abstracteur abstraction abstractionnisme +abstrait abstème absurdisme absurdité abuseur abusivité abutilon abyme abysse +abyssinien abâtardissement abécédaire abée abélie abélisation abêtissement +acabit acacia acacien acadien académicien académie académisme académiste +acalcaire acalculie acalla acalypha acalyptère acalèphe acanthacée acanthaire +acanthe acanthephyra acanthestésie acanthite acanthiza acanthobdelle +acanthocine acanthocyte acanthocytose acanthocéphale acanthodactyle +acanthoglosse acantholabre acantholimon acantholyse acanthome acanthomètre +acanthor acanthose acanthozoïde acanthuridé acanthuroïde acanthéphyre acapnie +acardite acaricide acaridié acaridé acarien acariose acariâtreté acarocécidie +acatalepsie acathiste acathésie acaulinose acavacé accablement accalmie +accapareur accastillage accense accensement accent accenteur accentologie +acceptabilité acceptant acceptation accepteur acception accessibilité +accessit accessoire accessoiriste acchroïde acciaccatura accident +accidenté accipitridé accipitriforme accise accisien acclamateur acclamation +acclimatement accointance accolade accolage accolement accommodat +accommodement accompagnage accompagnateur accompagnement accompli +accon acconage acconier accorage accord accordage accordement accordeur +accordé accordée accordéon accordéoniste accore accortise accostage accot +accotement accotoir accouchement accoucheur accouchée accoudement accoudoir +accouple accouplement accourcissement accoutrement accoutumance accouvage +accro accroc accrochage accroche accroche-coeur accrochement accrocheur +accroupissement accroïde accru accrue accréditation accréditeur accréditif +accrétion accu accueil accul acculement acculturation acculée accumulateur +accusateur accusatif accusation accusé accédant accélérateur accélération +accélérographe accéléromètre accéléré ace acense acensement aceratherium +acerdèse acerentomon acescence acetabularia acetabulum achaine achaire +achalasie achar achard acharisme acharite acharnement acharné achat +achatinidé ache acheb acheilie acheminement achemineur acherontia acheteur +achevé achigan achillée achimène acholie achondrite achondroplase +achoppement achorion achoug achrafi achromat achromaticité achromatine +achromatope achromatopsie achromatopsique achromie achroïte achylie achène +achèvement achéen achélie acicule acidage acidalie acidanthera acide +acidification acidimètre acidimétrie acidité acido-cétone acido-résistant +acidolyse acidose acidulation acidurie acidémie acier acinace acineta +acinèse acinésie acinétien acinétobacter acipenséridé aciérage aciération +aciériste acmite acmé acméidé acméisme acné acnéique acochlidiidé acoele +acolytat acolyte acompte acon aconage aconier aconine aconit aconitine acontie +acore acorie acosmisme acotylédone acotylédoné acouchi acoumètre acoumétrie +acousmatique acousmie acousticien acoustique acquiescement acquisition +acquit acquittement acquitté acquéreur acquêt acra acrama acranien acrasié +acrat acre acrididé acridien acridine acridone acriflavine acrimonie acrinie +acroasphyxie acrobate acrobatie acrochordidé acrocine acroclinie acrocomia +acrocéphale acrocéphalie acrodermatite acrodynie acrokératose acroléine +acromiotomie acromyodé acromégale acromégalie acromélalgie acron acronycte +acronymie acroparesthésie acropathie acrophase acrophobie acrophonie acropode +acropolyarthrite acropore acrosarcomatose acrosclérose acrosome acrospore +acrothoracique acrotère acroïde acrylate acrylique acrylonitrile actant acte +actif actine actiniaire actinide actinidia actinie actinisation actinisme +actinite actinobacillose actinocéphalidé actinodermatose actinodermite +actinolite actinologie actinomycine actinomycose actinomycète actinomycétale +actinométrie actinon actinophryidien actinopode actinoptérygien actinoscopie +actinosporidie actinotactisme actinote actinothérapie actinotriche +actinotroque actinule actinédide action actionnaire actionnalisme +actionnariat actionnement actionneur activant activateur activation activeur +activisme activiste activité actogramme actographe actographie actomyosine +actualisateur actualisation actualisme actualité actuariat actuateur actuation +actéon actéonine acuité acul aculéate acuponcteur acuponcture acupuncteur +acutance acyanopsie acylation acyle acyloïne acène acémète acénaphtène +acéphalie acéracée acérine acétabule acétabuloplastie acétal acétaldéhyde +acétamide acétanilide acétate acétazolamide acétificateur acétification +acétimétrie acétine acétoacétanilide acétobacter acétobutyrate acétocellulose +acétomètre acétone acétonide acétonitrile acétonurie acétonylacétone +acétophénone acétopropionate acétose acétosité acétoxyle acétoïne acétycholine +acétylacétate acétylacétone acétylaminofluorène acétylase acétylation +acétylcellulose acétylcholine acétylcoenzyme acétyle acétylure acétylène ada +adage adagietto adagio adamantane adamantoblaste adamien adamisme adamite +adansonia adaptabilité adaptat adaptateur adaptation adaptomètre adaptométrie +addiction additif addition additionneur additionneuse additivité adduct +adduction adduit adelantado adelphie adelphophagie adenandra adenanthera adent +adermine aderne adessif adhotoda adhérence adhérent adhéromètre adhésif +adhésion adhésivité adiabate adiabatique adiabatisme adiadococinésie adiante +adiaphoriste adiaphorèse adipate adipocire adipocyte adipogenèse adipolyse +adipopexie adipose adiposité adipoxanthose adipsie adition adiurétine adjectif +adjectivation adjectivisateur adjectivisation adjoint adjonction adjudant +adjudicataire adjudicateur adjudication adjuration adjuvant adjuvat adlérien +administrateur administratif administration administré admirateur admiration +admissible admission admittance admittatur admixtion admonestation admonition +adobe adogmatique adogmatisme adolescence adolescent adonien adonique adoptant +adoptianiste adoptif adoption adopté adorant adorateur adoration adoré +adoubement adouci adoucissage adoucissant adoucissement adoucisseur +adragante adraste adressage adresse adressier adret adrogation adrénaline +adrénergique adrénolytique adsorbabilité adsorbant adsorbat adsorption +adstrat adulaire adulateur adulation adulte adultisme adultère adultération +adventice adventiste adverbe adverbialisateur adverbialisation adversaire +adynamie adèle adélite adélomycète adénalgie adénase adénectomie adénine +adénocancer adénocarcinome adénocarpe adénofibrome adénogramme adénohypophyse +adénolymphocèle adénolymphome adénomatose adénome adénomyome adénomégalie +adénophlegmon adénosine adénostyle adénovirose adénoïdectomie adénoïdite +adéquation aegagre aegagropile aegipan aegithale aegla aegle aegocère +aegosome aegothèle aegyrine aegyrite aelie aelosome aenigmatite aeolidia +aeschne aeschnidé aeschynite aesculoside aethusa aethuse aethésiomètre afar +affabulateur affabulation affacturage affadissement affaiblissement +affaire affairement affairisme affairiste affairé affaissement affaitage +affaiteur affale affalement affameur affamé affar affect affectation affectif +affectivité affecté affenage affermage affermataire affermissement affeurage +affichage affiche affichette afficheur affichiste affichure afficionado +affidé affilage affilement affileur affiliation affilié affiloir affinage +affinerie affineur affinité affinoir affiquage affiquet affirmateur +affirmative affixation affixe affleurage affleurement affleureuse affliction +afflouage affluence affluent affléchage affolage affolement affolé afforage +afforestation affouage affouager affouagiste affouagé affouillement +affourchage affourche affourchement affourragement affranchi affranchissement +affranchisseuse affrication affriquée affront affrontement affronteur +affréteur affublement affusion afféage afférence afférissement afféterie affût +affûteur affûteuse afghan afghani afghanologue afibrinogénémie aficion +aflatoxine aframomum africain africanisation africanisme africaniste +africanthrope afrikaander afrikander afrikaner afroaméricain afroasiatique +afwillite afzelia aga agace agacement agacerie agalactie agalaxie agalik agame +agamidé agamie agammaglobulinémie agamète agapanthe agapanthie agape agaric +agaricale agasse agassin agate agatisation agave agavé age agence agencement +agenda agende agenouillement agenouilloir agent agentif agentivité ageratum +aggiornamento agglomérant agglomérat agglomération aggloméré agglutinabilité +agglutination agglutinine agglutinogène aggravation aggravée agha aghalik +agio agiotage agioteur agissement agitateur agitation agité aglaope aglaspide +aglite aglobulie aglossa aglosse aglossie aglucone aglycone aglyphe aglène +agnat agnathe agnathie agnation agnel agnelage agnelet agnelin agneline +agnelée agnosie agnosique agnosticisme agnostique agnèlement agonidé agonie +agora agoranome agoraphobe agoraphobie agouti agpaïcité agpaïte agradation +agrafe agrafeur agrafeuse agrafure agrain agrainage agrammaticalité +agrammatisme agrandissement agrandisseur agranulocytose agraphie agrarianisme +agrarien agrarisme agravité agrenage agresseur agressif agression +agressive agressivité agressé agreste agrichage agriculteur agriculture agrile +agrionidé agriote agriotype agripaume agrippement agroalimentaire +agrobate agrobiologie agrobiologiste agrochimie agroclimatologie agrogéologie +agromyze agrométéorologie agrométéorologiste agronome agronomie agronométrie +agrostemma agrostide agrosystème agroville agroécosystème agrume agrumiculteur +agrumier agréage agréation agréeur agrégant agrégat agrégatif agrégation +agrégomètre agrégé agrément agréé aguardiente aguerrissement agueusie +aguichage aguicheur aguilarite agélastique agélène agélénidé agénie agénésie +agônarque agônothète ahan ahanement aheurtement ahuri ahurissement aiche aide +aigage aigle aiglefin aiglette aiglon aignel aigrefin aigremoine aigrette +aigri aigrin aigrissement aigu aiguade aiguadier aiguage aiguail aiguerie +aiguillat aiguille aiguilletage aiguillette aiguilleur aiguillier aiguillon +aiguillonnier aiguillot aiguillée aiguisage aiguisement aiguiseur aiguisoir +aikinite ail ailante aile aileron ailetage ailette ailier aillade ailloli +ailurope aimant aimantation aime aimé aine air airain airbag aire airedale +airure airée aisance aise aissaugue aisselette aisselier aisselle aissette +aiélé ajiste ajmaline ajoite ajonc ajour ajourage ajournement ajourné ajout +ajouté ajuridicité ajust ajustage ajustement ajusteur ajustoir ajusture ajut +akataphasie akathisie akermanite akinésie akkadien akvavit akène akébie +alabandite alabarque alabastre alabastrite alacrité alacrymie alaise alambic +alamosite alandier alane alanguissement alanine alantol alantolactone alaouite +alarme alarmisme alarmiste alastrim alaterne alaudidé albacore albane +alberge albergier albertypie albien albigéisme albinisme albite alboche albran +albuginacée albuginée albugo album albumen albuminate albumine albuminimètre +albuminoïde albuminurie albuminémie albumose albumosurie albumoïde albâtre +albédomètre alcade alcadie alcadiène alcalescence alcali alcalicellulose +alcalimétrie alcalin alcalinisation alcalinité alcalisation alcalose alcaloïde +alcane alcannine alcanol alcanone alcanoïque alcantarin alcaptone alcaptonurie +alchimie alchimiste alchémille alcide alcidé alciforme alciopidé alcool +alcoolate alcoolature alcoolier alcoolification alcooligène alcoolique +alcoolisme alcoolo alcoolodépendance alcoologie alcoologue alcoolomanie +alcoolé alcoolémie alcoomètre alcoométrie alcootest alcotest alcoxyle +alcoylant alcoylation alcoyle alcoylidène alcyne alcynyle alcyon alcyonaire +alcène alcédinidé alcénol alcénone alcénoïque alcényle alcôve aldimine +aldol aldolase aldolasémie aldolisation aldopentose aldose aldostérone +aldrine aldéhydate aldéhyde ale alectromancie alectryomancie alectryonia +alerte alette aleurie aleuriospore aleurite aleurobie aleurode aleurodidé +aleuromètre aleurone aleutier alevin alevinage alevinier alevinière alexandra +alexandrinisme alexandrite alexie alexine alezan alfa alfadolone alfange +algarade algazelle algidité algie alginate algine algiroïde algobactériée +algoculture algodonite algodystrophie algognosie algol algolagnie algologie +algonkien algonquien algonquin algopareunie algophile algophilie algophobe +algorithme algorithmisation alguazil algue algyroïde algèbre algébriste +algérien algérienne algésimètre alibi aliboron aliboufier alicante alidade +alignement aligneur alignoir alignée aligot aligoté aliment alimentateur +alimenteur alinéa aliquote alise alisier alisma alismacée alisme alite +alité alizari alizarine alize alizier alizé aliénabilité aliénataire +aliénation aliéniste aliéné alkannine alkoxyde alkyd alkyde alkylamine +alkylat alkylation alkyle alkylidène alkylsulfonate alkékenge allache +allaitement allaiteur allanite allant allante allantoïde allantoïdien +allate allatif allemand allemande allemontite aller allergide allergie +allergisation allergographie allergologie allergologiste allergologue +allesthésie alleutier alliage alliaire alliance alliciant allicine alligator +alliine allitisation allitération allivalite allivrement allié alloantigène +allocation allocentrisme allocentriste allochtone allocutaire allocuteur +allocèbe allodialité alloeocoele alloesthésie allogamie alloglossie alloglotte +allogreffe allogène allolalie allomorphe allomorphie allomorphisme allométrie +allongement allopathe allopathie allophane allophone allophtalmie +allopolyploïdie allopurinol alloréactivité allose allosome allostérie +allothérien allotissement allotone allotrie allotriophagie allotrophie +allotype allotypie allouche allouchier alluaudite alluchon allumage +allumette allumettier allumeur allumeuse allumoir allure allusion alluvion +allylation allyle allylène allèchement allège allègement allèle allène +allée allégation allégeance allégement allégeur allégorie allégorisation +allégorisme allégoriste allégresse allégretto allégro allélisme allélopathie +alléluia alléthrine almageste almami almanach almandin almandine almandite +almicantarat almiqui almée almélec alnoïte alogie aloi alomancie alophore +alose alouate alouchier alouette alourdissement aloéémodine aloïne alpaga +alpe alpenstock alphabet alphabloquant alphabète alphabétisation alphabétiseur +alphachymotrypsine alphaglobuline alphanesse alphanet alphanette +alphastimulant alphathérapie alphatron alphitobie alphitomancie alphonse +alpiculture alpinisme alpiniste alpinum alpiste alque alsace alsacien +altaïque altaïte altercation alternance alternant alternat alternateur +alternative alternativité alternatrice alternomoteur altesse althaea althée +altimétrie altiplanation altiport altise altiste altisurface altitude alto +altruisme altruiste altérabilité altérant altération altérité alu alucite +aluminage aluminate alumine aluminerie aluminiage aluminier aluminisation +aluminochlorure aluminofluorure aluminon aluminose aluminosilicate +aluminure alumnat alumnite alun alunage alunation alunerie alunissage alunite +alurgite alvier alvéographe alvéolage alvéole alvéolectomie alvéoline +alvéolite alvéolyse alvéopalatale alyde alymphocytose alysie alysse alysson +alyssum alysséide alyte alèse aléa alémanique aléochare alépine alépisaure +alésage aléseur aléseuse alésoir alêne amabilité amadine amadou amadouement +amaigrissement amalgamation amalgame aman amandaie amande amanderaie amandier +amandon amandé amanite amanitine amant amarantacée amarante amaranthacée +amareyeur amarillite amarillose amarinage amarinier amarrage amarre +amassage amassette amasseur amastridé amatelotage amatelotement amateur +amatol amatoxine amaurose amazone amazonien amazonite amazonomachie ambacte +ambassadeur ambe ambiance ambidextre ambidextrie ambidextérité ambigu +ambilatéralité ambiophonie ambition ambivalence amble amblygonite amblyope +amblyopode amblyopsidé amblyopyge amblyoscope amblyostomidé amblypode +amblyrhynque amblystome amblystomidé ambocepteur amboine ambon ambre ambrette +ambrosia ambréine ambulacre ambulance ambulancier ambulant ambérique ameive +amenage amende amendement amendeur ameneur amensalisme amentale amentifère +amenée amer amerlo amerloque amerlot amerrissage amertume ameublement +ameutement amherstia ami amiante amiantose amibe amibiase amibien amiboïsme +amicaliste amict amidase amide amidine amidon amidonnage amidonnerie +amidopyrine amidostome amidure amie amimie aminacrine amination amincissage +amine amineoxydase amineptine amino-indole aminoacide aminoacidopathie +aminoacidémie aminoalcool aminoazobenzène aminobenzène aminoffite aminogène +aminophylline aminophénol aminoplaste aminoptérine aminopyridine aminopyrine +aminoside amiralat amirauté amission amitié amitose amitriptyline amixie amman +ammi ammine ammocète ammodorcade ammodyte ammodytidé ammodytoïde ammomane +ammoniac ammoniacate ammoniaque ammonification ammoniogenèse ammoniolyse +ammonisation ammonite ammonitidé ammonitrate ammonium ammoniure ammoniurie +ammonotélie ammonotélisme ammonoïde ammophila ammophile ammotréchidé +amnestique amniocentèse amniographie amniomancie amniorrhée amnioscope +amniote amnistie amnistié amnésiant amnésie amnésique amobarbital amochage +amodiateur amodiation amoebicide amoindrissement amok amolette amollissement +amoncellement amont amontillado amoralisme amoraliste amoralité amorce +amorceur amordançage amoriste amorpha amorphisme amorphognosie amorphosynthèse +amorti amortie amortissement amortisseur amorçage amorçoir amosite amouillante +amourette amovibilité ampharétidé amphi amphiarthrose amphibie amphibien +amphibiotique amphibola amphibole amphibolie amphibolite amphibologie +amphictyon amphictyonie amphicténidé amphide amphidiscophore amphidromie +amphiline amphimalle amphimixie amphineure amphinome amphion amphipode +amphiprostyle amphiptère amphipyre amphisbaenidé amphisbène amphisbénien +amphistome amphistère amphithallisme amphithéâtre amphitrite amphitryon +amphiumidé ampholyte amphore amphotéricine amphotérisation amphycite +ampicilline ampleur ampli ampliateur ampliation amplidyne amplificateur +amplification ampligène ampliomètre amplitude ampoule ampoulette ampullaire +ampullome amputation amputé ampère ampèremètre ampélidacée ampélite +ampélologie ampérage ampérien ampérométrie amulette amure amusement amusette +amusie amuïssement amygdale amygdalectomie amygdaline amygdalite amygdaloside +amygdalée amylase amylasurie amylasémie amyle amylobacter amylolyse +amylose amyloïde amyloïdose amylène amynodonte amyotonie amyotrophie +amyrine amyxie amégacaryocytose amélanche amélanchier amélie amélioration +aménageur aménagiste aménité aménorrhée américain américaine américanisation +américaniste américano américanophobie amérindianiste amérindien amérique +amésite améthyste amétrope amétropie an anabantidé anabaptisme anabaptiste +anabiose anabolisant anabolisme anabolite anacarde anacardiacée anacardier +anachlorhydropepsie anachorète anachorétisme anachronisme anaclase anacoluthe +anacrotisme anacrouse anacruse anacréontisme anactinotriche anacycle +anadipsie anadémie anafront anaglyphe anaglypte anaglyptique anagnoste +anagrammatiste anagramme anagyre analcime analcite anale analemme analepsie +analgidé analgésiant analgésidé analgésie analgésique analité anallagmatie +anallatisme anallergie analogie analogisme analogiste analogon analogue +analphabétisme analycité analysabilité analysant analyse analyseur analyste +analyticité analytique anamirte anamniote anamnèse anamorphose anangioplasie +anapeste anaphase anaphore anaphorique anaphorèse anaphrodisiaque anaphrodisie +anaphylaxie anaplasie anaplasmose anaplastie anapside anapère anar anarchie +anarchisme anarchiste anarcho anarithmétie anarthrie anasarque anaspidacé +anastatique anastigmat anastigmatisme anastillose anastome anastomose +anatase anatexie anatexite anathème anathématisation anatidé anatife +anatolien anatomie anatomisme anatomiste anatomopathologie anatomopathologiste +anatopisme anatoxine anavenin anaérobie anaérobiose anche anchorelle +anchoyade anchoïade anchusa ancien ancienneté ancistrodon ancodonte ancolie +anconé ancrage ancre ancrure ancyle ancylite ancylopode ancylostome +ancêtre andabate andain andaineuse andalou andalousite andante andantino +andin andorite andorran andouille andouiller andouillette andradite andrinople +androcée androgenèse androgynat androgyne androgynie androgynéité androgène +androgéniticité andrologie andrologue androlâtre androlâtrie andromède +andropause androphore androsace androspore androstane androstènedione +androïde andrène andésine andésite anecdote anecdotier anel anelace +anencéphalie anergate anergie anesthésiant anesthésie anesthésiologie +anesthésique anesthésiste aneth aneuploïde aneuploïdie aneurine anfractuosité +angaria angarie ange angelot angevin angiectasie angiite angine +angiocardiogramme angiocardiographie angiocarpe angiocholite angiocholécystite +angiofibrome angiogenèse angiographie angiokératome angiokératose +angiologie angiomatose angiome angiomyome angioneuromyome angioneurose +angioplastie angiorragie angiorraphie angioréticulome angiosarcomatose +angioscintigraphie angiosclérose angioscope angioscopie angiose angiospasme +angiostrongylose angiotensine angiotensinogène angiotensinémie anglaisage +angle angledozer anglet anglican anglicanisme angliche anglicisant +anglicisme angliciste anglien anglo-saxon anglomane anglomanie anglophile +anglophobe anglophobie anglophone anglophonie anglésage anglésite angoisse +angon angor angora angoratine angstroem angström anguidé anguillard anguille +anguillette anguillidé anguilliforme anguilloïde anguillule anguillulose +anguimorphe angulaire angulation angusticlave angustura angusture +angéiologie angéiologue angéite angélique angélisme angélologie angélonia +anhidrose anhimidé anhinga anhydrase anhydride anhydrite anhydrobiose +anhylognosie anhédonie anhélation anhépatie ani aniba anicroche anidrose +anidéisme anile anilide aniliidé aniline anilisme anille anilocre +animalcule animalerie animalier animalité animateur animation anime animisme +animosité anion anionotropie aniridie anisakiase anisette anisidine anisien +anisocorie anisocytose anisogamie anisole anisomyaire anisométropie anisoplie +anisoptère anisosphygmie anisotome anisotonie anisotropie anisurie anisyle +aniséiconie anite anjou ankyloblépharon ankylocheilie ankyloglossie +ankylose ankylostome ankylostomiase ankylostomose ankylotie ankérite anna +annaliste annalité annamite annate annelet annelure annelé annexe annexion +annexionniste annexite annielliné annihilateur annihilation annite +annomination annonacée annonce annonceur annonciade annonciateur annonciation +annone annotateur annotation annoteur annuaire annualisation annualité annuité +annulaire annularia annulateur annulation annulocyte annuloplastie annulène +annélation annélide anoa anobie anobiidé anobli anoblissement anode +anodonte anodontie anolyte anomala anomale anomalie anomaliste anomalopidé +anomaloscopie anomalure anomaluridé anomalépiné anomie anomma anomodonte +anomère anoméen anona anonacée anone anonoxylon anonychie anonymat anonyme +anophtalmie anophèle anopisthographe anoplotherium anoploure anopsie anorak +anorchie anorexie anorexigène anorexique anorgasmie anormalité anorthite +anorthose anorthosite anosmie anosodiaphorie anosognosie anostracé anoure +anoxie anoxémie anse anseropoda anspect anspessade anséridé ansériforme +ansériné antagonisme antagoniste antalgie antalgique antarcticite antarctique +ante antennaire antennate antenne antennule antependium anthaxie +anthem anthericum anthicidé anthidie anthocyane anthocyanidine anthocyanine +anthologe anthologie anthologiste anthomyie anthoméduse anthonomage anthonome +anthophyllite anthozoaire anthracite anthracnose anthracologie anthracologue +anthracose anthracosia anthracène anthraflavone anthragallol anthraglucoside +anthranol anthraquinone anthrarufine anthribidé anthrol anthrone anthropien +anthropocentrisme anthropoclimatologie anthropogenèse anthropographie +anthropogéographie anthropologie anthropologisme anthropologiste anthropologue +anthropolâtrie anthropomancie anthropomorphe anthropomorphisation +anthropomorphiste anthropomorphologie anthropomètre anthropométrie +anthroponosologie anthroponyme anthroponymie anthropophage anthropophagie +anthropoplastie anthroposomatologie anthroposophe anthroposophie +anthropothéisme anthropothéiste anthropozoologie anthropozoonose anthropoïde +anthuridé anthurium anthyllide anthèle anthère anthèse anthélie anthéridie +antiabolitionniste antiabrasion antiacide antiadhésif antiagrégant antialcalin +antiallemand antiallergique antiaméricain antiaméricanisme antiandrogène +antiarylsulfatase antiarythmique antiasthmatique antiatome antiautomorphisme +antibaryon antibiogramme antibiose antibiothérapie antibiotique antibrouillage +antibélier anticabrage anticabreur anticalaminant anticalcique anticapitalisme +anticastriste anticatalyse anticathode antichambre anticheminant antichlore +antichrèse antichrésiste antichrétien anticipation anticipationnisme +anticlise anticléricalisme anticoagulant anticoccidien anticodon +anticolonialiste anticommunisme anticommuniste anticoncordataire +anticonformiste anticonvulsivant anticorpuscule anticorrosif anticorrosion +anticoïncidence anticryptogamique anticyclogenèse anticyclone anticytotoxique +antidate antidiabétique antidiarrhéique antidiurèse antidiurétique +antidore antidote antidotisme antidreyfusard antidécapant antidéflagrant +antidépresseur antidépressif antidérapant antidétonance antidétonant antie +antienne antienrayeur antienzyme antiesclavagiste antifacilitation antifading +antifasciste antiferment antiferromagnétique antiferromagnétisme +antifibrillant antifibrinolytique antifolinique antifolique antifongique +antiforme antifriction antifumeur antifumée antifungique antifédéraliste +antigauchisme antigauchiste antigaullisme antigaulliste antigel antigivrage +antigivre antigivreur antiglissoir antiglobuline antiglucocorticoïde +antigonadotrophine antigorite antigraphe antigravitation antigravité antigène +antigénicité antigénémie antihalo antihistaminique antihomographie antihormone +antihumaniste antiimpéralisme antiimpéraliste antiinflammatoire +antiintellectualisme antiintellectualiste antijanséniste antijudaïsme +antilacet antileucémique antilithique antilocapridé antilogarithme antilogie +antilopidé antilopiné antilueur antiléniniste antimaculateur antimalarique +antimarxiste antimatière antimense antimentalisme antimentaliste +antimilitariste antimite antimitotique antimoisissure antimonarchisme +antimoniate antimoniosulfure antimonite antimoniure antimonyle antimorale +antimycosique antimycotique antimère antiméridien antimétabolisme +antinataliste antinazi antineutrino antineutron antinidateur antinidatoire +antinomien antinomisme antinucléon antinévralgique antioxydant antioxygène +antipaludique antipaludéen antipape antiparallélisme antiparasitage +antiparasite antiparkinsonien antiparlementaire antiparlementarisme +antipathaire antipathie antipatinage antipatriote antipatriotisme antipepsine +antiphase antiphonaire antiphone antiphonie antiphrase antiplanification +antipodaire antipode antipodisme antipodiste antipoésie antiprisme +antiprogestatif antiprogestérone antiprolactine antiprotectionnisme +antiprothrombinase antiproton antiprotozoaire antiprotéase antipsorique +antipsychiatrie antipsychotique antipullorique antipulsateur antipurine +antipyrétique antipéristaltisme antiquaille antiquaire antiquark antique +antiquisant antiquité antiquomane antiracisme antiraciste antiradar +antiredéposition antirefouleur antiroi antiroman antirouille antirrhinum +antiréaction antiréactivité antirépublicain antirésonance antirévisionnisme +antisalle antiscorbutique antisepsie antiseptique antisexisme antisexiste +antisionisme antisioniste antiskating antislash antisocialiste antisoviétisme +antispaste antisportif antistatique antistatutiste antistreptolysine +antistructuraliste antisuie antisymétrie antisyphilitique antisèche +antiségrégationnisme antiségrégationniste antisémite antisémitisme +antisérum antiterroriste antithermique antithrombine antithyroïdien antithèse +antitoxicité antitoxine antitoxique antitrinitaire antitrinitarien +antitussif antivibrateur antivieillissant antivitamine antivitaminique +antivol antivomitif antivrilleur antiémétique antiépileptique antiétatisme +antoinisme antoiniste antonin antonomase antonyme antonymie antozonite antre +antrite antrotomie antrustion antécambrien antécesseur antéchrist antécime +antécourbure antécédence antécédent antédon antéfixe antéflexion antéhypophyse +antéposition antépénultième antéride antérieur antériorisation antériorité +anurie anurique anuscope anuscopie anxiolytique anxiété anéantissement +anélasticité anémie anémique anémochorie anémoclinomètre anémographe +anémométrie anémone anémophilie anémophobie anémoscope anémotaxie anémotrope +anépigraphe anérection anérythropsie anérète anéthol anéthole anétodermie +anévrismorraphie anévrysme anévrysmorraphie aoriste aorte aortectasie aortite +aortoplastie aortosténose aortotomie août aoûtat aoûtement aoûtien apache +apagogie apaisement apamine apanage apanagiste apantomancie apar apareunie +aparté apathie apathique apatite apatride apatridie apatura apella apepsie +aperception aperceptivité apertomètre aperture aperçu apesanteur apeurement +aphaniptère aphaquie aphasie aphasiologie aphasiologue aphasique aphelandra +aphidien aphidé aphonie aphorisme aphrocalliste aphrode aphrodisiaque +aphrodite aphromètre aphrophore aphte aphtitalite aphtone aphtongie aphya +aphéline aphérèse apicale apicodentale apicolabiale apiculteur apiculture +apidé apiocrine apiol apion apiquage apisin apithérapie apitoiement apiéceur +aplacentaire aplacophore aplanat aplanissement aplanisseuse aplanétisme +aplat aplatissage aplatissement aplatisseur aplatissoir aplatissoire +aplomb aplousobranche aplustre aplysie aplysine apneumie apneuse apnée +apoastre apocalypse apocarpie apocatastase apochromatique apocope apocrisiaire +apocryphe apocynacée apode apodecte apodicticité apodie apodiforme apodose +apodère apogamie apogonidé apogynie apogée apolitique apolitisme apollinarisme +apollinisme apollon apologie apologiste apologue apologétique apomixie +aponévrectomie aponévrose aponévrosite aponévrotomie apophatisme apophonie +apophyge apophyllite apophyse apophysite apoplectique apoplexie apoprotéine +aporia aporie aporépresseur aporétique aposiopèse aposporie apostasie apostat +apostolat apostolicité apostome apostrophe apostume apostériorisme +apostériorité aposélène aposélénée apothicaire apothicairerie apothème +apothécie apothéose appairage appaireur apparat apparatchik appareil +appareillage appareillement appareilleur apparence apparentement appariage +appariteur apparition appartement appartenance appauvrissement appel appelant +appellation appelé appendice appendicectomie appendicite appendicostomie +appenzell appertisation appesantissement applaudimètre applaudissement +appli applicabilité applicage applicateur application applique appoggiature +appoint appointage appointement appointissage appointure appointé appontage +apponteur apport apporteur apposition apprenant apprenti apprentissage +apprivoiseur approbateur approbation approbativité approche approfondissement +approuvé approvisionnement approvisionneur approximatif approximation +appréciateur appréciation appréhension apprêt apprêtage apprêteur apprêteuse +appui appuyoir appât appétence appétibilité appétit apractognosie apragmatique +apraxie apraxique apriorisme aprioriste apriorité aprisme aproctie apron +aprosodie aprème après-banquet après-dîner après-guerre après-messe +après-victoire apsara apside apsidospondyle apte aptitude aptyalisme +aptérygiforme aptérygote apulien apurement apyrexie apériteur apéritif apéro +apôtre aquaculteur aquaculture aquafortiste aquamanile aquamobile aquanaute +aquaplane aquaplaning aquarelle aquarelliste aquariophile aquariophilie +aquastat aquaterrarium aquatinte aquatintiste aquavit aqueduc aquiculteur +aquifoliacée aquifère aquilain aquilant aquilaria aquilifer aquilon aquitain +aquosité ara arabe arabesque arabette arabica arabinose arabinoside arabisant +arabisme arabiste arabite arabitol arabité arabophone arac aracari arachide +arachnide arachnidisme arachnodactyle arachnodactylie arachnologie +arachnologue arachnoïde arachnoïdite arack aracytine aracée aragonaise +araignée araine araire arak araldite arale aralia araliacée aramayoite aramidé +araméen araméisation araméophone arantèle aranéide aranéidé aranéisme +aranéologiste aranéologue aranéomorphe arapaïma araphie araponga arapède +araschnia arase arasement arassari araucan araucana araucaria araïose +arbalète arbalétrier arbalétrière arbi arbitrage arbitragiste arbitraire +arbitre arborescence arboretum arboricole arboriculteur arboriculture +arbouse arbousier arbovirose arbre arbrier arbuscule arbuste arbustier +arc arcadage arcade arcadie arcadien arcane arcanite arcanne arcanson arcasse +arcelle arcellidé arceuthobium arch-tube archaeocidaridé archaeocyathidé +archaeornithe archange archanthropien archaïsant archaïsme arche archebanc +archelle archenda archentéron archer archerie archet archetier archevêché +archiabbé archiannélide archiatre archibanc archichambellan archichancelier +archichlamydée archiconfrérie archicube archicérébellum archidiaconat +archidiacre archidiocèse archiduc archiduchesse archiduché archigalle +archiloquien archiluth archimandritat archimandrite archimillionnaire +archine archipallium archipel archiphonème archipompe archiprieur archiprêtre +archiptère archiptérygie archistratège archisémène architecte architectonica +architectonique architecture architecturier archithéore architrave architravée +archivage archive archiviste archivistique archivolte archière archiépiscopat +archonte archosaurien archère archèterie archébactérie archée archéen +archégoniate archégosaure archégète archéidé archéobactérie archéocivilisation +archéologie archéologue archéomagnétisme archéomètre archéométrie +archéozoologue archéozoïque archéspore archétype arcifère arcosolium arctation +arctica arcticidé arctiidé arctocyon arctocèbe arcturidé arcubaliste arcure +ardasse ardassine ardennite ardent ardeur ardillon ardisia ardoisage ardoise +ardoisier ardoisière ardéidé ardéiforme ardélion are arec arenaria arenga +argali arganier argent argentage argentan argentation argenterie argenteur +argentimétrie argentin argentine argentinisation argentite argentojarosite +argenton argentopyrite argenture argien argilane argile argilite argilière +argiope argiopidé argonaute argonide argot argotier argotisme argotiste +argousier argousin argue argule argument argumentaire argumentant +argumentation argumenteur argutie argynne argyraspide argyresthia argyrie +argyrite argyrodite argyronète argyroplocé argyrose aria arianisme +ariciidé aridité aridoculture arien ariette arile arille arion arionidé arioso +aristo aristocrate aristocratie aristocratisme aristoloche aristolochiacée +aristotélicien aristotélisme arithmancie arithmographe arithmologie +arithmomane arithmomanie arithmomètre arithmosophie arithméticien arithmétique +arité ariégite arkose arlequin arlequinade arlésien armada armadillo armagnac +armaillé armangite armateur armatole armature arme armeline armement armet +armillaire armille arminianisme arminien armistice armoire armoise armomancie +armoricain armure armurerie armurier armé armée arménien arménite arnaque +arni arnica arobe aromate aromathérapie aromaticité aromatique aromatisant +arome aromie aronde aroumain arousal aroïdacée aroïdée arpent arpentage +arpenteuse arpette arpion arpège arpègement arpète arquebusade arquebuse +arquebusier arqûre arrachage arrache-clou arrache-tube arrachement arracheur +arrachoir arraché arraisonnement arrangement arrangeur arrangée arrecteur +arrhénoblastome arrhénogénie arrhénotoquie arrhéphorie arrimage arrimeur +arrivant arrivisme arriviste arrivé arrivée arrière arrière-ban arrière-bouche +arrière-cour arrière-cousin arrière-garde arrière-goût arrière-pensée +arrière-rang arriération arriéré arrobe arroche arrogance arrogant arroi +arrondi arrondissage arrondissement arrondissementier arrondisseur +arrosage arrosement arroseur arroseuse arrosoir arrow-root arroyo arrénotokie +arrêtage arrêtiste arrêtoir arrêté arselet arsin arsine arsonium arsouille +arsénamine arséniate arséniomolybdate arséniosidérite arséniosulfure +arsénite arséniure arsénobenzène arsénolamprite arsénolite arsénopyrite art +artel artelle artemia arthracanthe arthralgie arthrectomie arthrite +arthritisme arthrobranchie arthrodie arthrodire arthrodynie arthrodèse +arthrogrypose arthrologie arthrolyse arthropathie arthroplastie arthropleura +arthropode arthroscopie arthrose arthrostomie arthrotomie artichaut +article articulaire articulateur articulation articulet articulé artien +artificialisation artificialisme artificialité artificier artiller artillerie +artillier artimon artinite artiodactyle artiozoaire artisan artisanat artison +artocarpe artoison artuson artère artérialisation artériectomie artériographie +artériolite artériopathie artériorragie artériorraphie artériosclérose +artériotomie artérite artéritique artésien arum aruspice arvale arvicole +aryen arylamine arylation aryle arylsulfatase arythmie aryténoïde aryténoïdite +arçon arçonnage arçonnier arène aréage arécoline aréflexie aréisme arénaire +arénicole arénigien arénisation arénite arénière aréographie aréole aréomètre +aréopage aréopagite aréostyle aréquier arétin arête arêtier arêtière arôme +asbeste asbestose ascalabote ascaphidé ascaride ascaridiase ascaridiose +ascaridé ascarite ascendance ascendant ascendeur ascenseur ascension +ascidiacé ascidie ascite ascitique asclère asclépiadacée asclépiade ascolia +ascone asconidé ascospore ascothoracique ascèse ascète ascétisme asdic ase +asellidé asemum asepsie aseptisation asexualité ashkenaze ashkénaze ashram +asiago asialie asianique asiate asiatique asiatisme aside asiento asilaire +asilidé asilé asiminier asinerie askari asociabilité asocialité asomatognosie +aspalosomie asparagine aspartame aspartate aspe aspect asperge aspergille +aspergillose aspergière aspermatisme aspermatogenèse aspermie asperseur +aspersoir asphaltage asphalte asphaltier asphaltite asphaltène asphodèle +asphyxie asphyxié aspic aspidistra aspidogastre aspidophore aspidozoïde +aspirateur aspiration aspirine aspirobatteur aspirée asple asplénium +asporulée aspre aspérité aspérule asque asram assagissement assaillant +assainisseur assaisonnement assassin assassinat assaut asse assemblage +assembleur assembleuse assemblé assemblée assentiment assermentation +assertion assertivité asservissement asservisseur assesseur assessorat assette +assiduité assiette assiettée assignat assignation assigné assimilateur +assimilationnisme assimilationniste assimilé assiminéidé assise assistanat +assistant assisté assiégeant assiégé associabilité association +associationniste associativité associé assoiffé assolement assombrissement +assommement assommeur assommoir assomption assomptionniste assonance +assortisseur assoupissement assouplissant assouplissement assouplisseur +assouvissement assujetti assujettissement assumation assurage assurance +assureur assuré assuétude assyrien assyriologie assyriologue assèchement +astaciculture astacidé astacologie astacoure astarté astasie astasobasophobie +aster asthmatique asthme asthénie asthénique asthénopie asthénospermie +asti astic asticot asticotier astigmate astigmatisme astiquage astome astomie +astragalomancie astrakan astrakanite astrapie astrapothérien astre astreinte +astringence astringent astrobiologie astroblème astroglie astrolabe astrologie +astrolâtrie astromancie astrométrie astrométriste astrométéorologie astronaute +astronautique astronef astronesthidé astronome astronomie astrophotographie +astrophysicien astrophysique astrotaxie astroïde astuce asturien astynome +astérie astérine astérinidé astérisque astérosismologie astérozoaire astéroïde +asylie asymbolie asymptote asymétrie asynchronisme asynclitisme asyndète +asystolie aséismicité aséité asémanticité asémie atabeg atabek ataca atacamite +ataraxie atavisme ataxie ataxique atelier atellane atelloire atermoiement +athalamie athalie athanor athlète athlétisme athrepsie athrepsique athymhormie +athymique athymormie athyroïdie athèque athée athéisme athélie athénien +athénée athérinidé athérome athérosclérose athérure athétose athétosique +atisine atlante atlanthrope atlantisme atlantiste atlantosaure atman +atmosphère atmosphérique atoca atocatière atoll atomaria atome atomicité +atomiseur atomisme atomiste atomistique atomisé atonalité atonie atopognosie +atout atoxicité atrabilaire atrabile atrachélie atransferrinémie atremata +atrichornithidé atriostomie atriotomie atriplicisme atrium atrocité atrophie +atropine atropinisation atropisme atropisomérie atroque atrésie atta +attache attachement attacheur attachot attaché attagène attapulgite attaquant +attardé atteinte attelage attelle attelloire attendrissage attendrissement +attendu attentat attente attention attentisme attentiste atterrage atterrement +atterrissement atterrisseur attestation atthidographe atticisme attier +attique attirail attirance attisement attisoir attisonnoir attitude +attorney attoseconde attouchement attracteur attraction attractivité attrait +attrapage attrape attrape-couillon attrempage attribut attributaire +attrition attroupement attélabe atténuateur atténuation atylidé atype atypie +atèle atélectasie atéleste atélie atélopidé atémadulet atérien aubade aubain +aube auberge aubergine aubergiste auberon auberonnière aubette aubier aubin +aubère aubépine auchénorhynque aucuba audace audibilité audience audiencement +audimutité audimètre audimétrie audiocassette audioconférence audiodisque +audiogramme audiographie audiologie audiomètre audiométrie audiophone +audioprothésiste audit auditeur auditif audition auditoire auditorat +audonien auge augeron auget augite augment augmentatif augmentation augure +augustalité auguste augustin augustinien augustinisme augée augélite +aulnaie aulne auloffée aulofée aulorhynchidé aulostomiforme aumaille aumusse +aumônerie aumônier aumônière aunage aunaie aune aunée aura aurantiacée aurate +aurichalcite aurichlorure auriculaire auricularia auricule auriculidé +auriculothérapie auricyanure aurification aurige aurignacien aurin aurinitrate +auriste aurisulfate aurochlorure aurocyanure aurore aurosulfite aurure auryle +auréole auréomycine auscitain auscultation ausonnien auspice aussière +australanthropien australien australopithèque austromarxisme austromarxiste +austroslavisme austrègue austrégale austénite austérité autan autarchoglosse +autel auteur authenticité authentification authonnier autisme autiste auto +autoaccusation autoadaptation autoadministration autoagglomération +autoagressivité autoalarme autoalimentation autoallumage autoamortissement +autoamputation autoanalgésie autoanalyse autoancrage autoantigène +autoassemblage autoberge autobiographe autobiographie autobloquant +autobronzant autocabrage autocanon autocar autocariste autocastration +autocensure autocentrage autochenille autochrome autochtone autochtonie +autoclavage autoclave autocoat autocollage autocollant autocollimation +autocompatibilité autocomplexe autoconcurrence autocondensation autoconduction +autoconsommation autocontrainte autocontrôle autocopie autocorrection +autocouchette autocoupleur autocrate autocratie autocratisme autocrator +autocritique autocuiseur autocurage autocytotoxine autocélébration autocéphale +autodafé autodestruction autodiagnostic autodialyse autodictée autodidacte +autodiffamation autodiffusion autodigestion autodirecteur autodirection +autodrome autoduplication autodyne autodébrayage autodécrassage autodéfense +autodépréciation autodérision autodésaimantation autodétermination +autoenseignement autoentretien autoexcitation autoexcitatrice autofertilité +autoflagellation autoformation autofrettage autofécondation autogamie +autogestionnaire autogire autogouvernement autographe autographie autogreffe +autoguide autogénie autohistoradiographie autohémolyse autohémorrhée +autoimmunisation autojustification autolimitation autoliquidation +autolubrification autolustrant autolysat autolyse autolégitimation automarché +automasseur automate automaticien automaticité automation automatique +automatisme automaton automitrailleuse automne automobile automobilisme +automorphisme automoteur automotrice automouvant automutilation automédication +automéduse autonarcose autonastie autoneige autonettoyage autonome autonomie +autonomisme autonomiste autonyme autonymie autopersuasion autophagie +autoplastie autopode autopollinisation autopolyploïde autopolyploïdie +autoportrait autopragie autoprescription autoproduction autoprojecteur +autopropulsion autoprotection autoprotolyse autopsie autopublicité +autoradio autoradiogramme autoradiographie autorail autorapport +autoreconstitution autorelaxation autoremblayage autorenforcement +autorespect autorisation autoritaire autoritarisme autorité autorotation +autoroutière autorythmicité autoréduction autoréférence autoréférent +autoréglementation autorégression autorégulation autorégénérescence +autoréplication autosatisfaction autoscooter autoscopie autosensibilisation +autospermotoxine autostabilisation autostabilité autostimulation autostop +autostrade autosubsistance autosuffisance autosuggestion autosymétrie +autosélection autotamponneuse autotaxi autotest autotomie autotopoagnosie +autotoxicité autotraction autotransformateur autotransfusion autotrophe +autotétraploïdie autour autourserie autoursier autovaccin autovaccination +autovérification autoécole autoécologie autoéducation autoépuration +autoérotisme autoévaporation autoévolution autrichien autruche autruchon +auvent auvergnat auvier auxiliaire auxiliariat auxiliateur auxine auxologie +avahi aval avalanche avalanchologie avalanchologue avalement avaleur avaliseur +avaloir avaloire avalure avance avancement avancée avanie avant avant-bec +avant-coin avant-contrat avant-dernier avant-fin avant-garde avant-gardisme +avant-gare avant-goût avant-ligne avant-métré avant-pont avant-port +avant-première avant-programme avant-projet avant-rapport avant-saison +avant-sentiment avant-série avant-terreur avantage avare avarice avarie avatar +avelinier aven avenaire avenant avenir avenirisme avent aventure aventurier +aventurisme aventuriste avenue averroïsme averroïste averse aversion +avertisseur avestique aveugle aveuglement aveulissement aviateur aviation +aviculaire avicule aviculteur aviculture avidité avifaune avilissement avinage +avionique avionnerie avionnette avionneur avipelvien aviron avironnier aviseur +avissure avisure avitaillement avitailleur avitaminose avivage avivement avivé +avocalie avocasserie avocat avocatier avocette avodiré avogador avogadrite +avoir avoriazien avortement avorteur avortoir avorton avorté avouerie avoué +avril avulsion avunculat avènement awaruite axe axel axialité axinite +axiologie axiomatique axiomatisation axiome axiphoïdie axolotl axone axonge +axénie axénisation axérophtol ayatollah aymara ayu ayuntamiento azalée azanien +azarolier azaüracile azerole azerolier azide azilien azimut azine azobenzène +azole azoospermie azophénol azotate azotite azotobacter azoture azoturerie +azotyle azotémie azoxybenzène azteca aztèque azulejo azulène azur azurage +azurite azuré azuréen azyme azéotropie azéri aède aélopithèque aérage aérateur +aéraulicien aéraulique aérenchyme aérianiste aérien aérium aéro-club aérobic +aérobiologie aérobiologiste aérobiose aérocheminement aéroclasseur aéroclub +aérocondenseur aérocontaminant aéroconvecteur aérocyste aérocâble aérocèle +aérodrome aérodynamicien aérodynamique aérodynamisme aérodynamiste aérodyne +aéroengrangeur aérofaneur aéroflottation aérofrein aérofrigorifère aérogare +aérogel aéroglisseur aéroglissière aérogramme aérographe aérographie +aérolite aérolithe aérologie aéromancie aéromancien aéromobilité aéromodèle +aéromodéliste aéromoteur aéromètre aérométrie aéronaute aéronautique aéronef +aéronomie aéropathie aérophagie aérophilatélie aérophobie aérophone aéroplane +aéroportage aéroréfrigérant aéroscope aérosol aérosondage aérostat aérostation +aérostier aérotechnique aérotherme aérothermodynamique aérothermothérapie +aérotrain aérotransport aérotriangulation aérozine aéroélasticité +aétite aétosaure aînesse aîné aï aïeul aïnou aïoli aïstopode baasiste +bab baba babeurre babil babilan babillage babillan babillard babillarde +babiole babiroussa babisme babiste baboite babotte babouche babouchka babouin +baby-boom baby-sitter baby-test babylonien babésioïdé bac bacante baccalauréat +baccarat bacchanale bacchante bacha bachagha bachelier bachellerie bachonnage +bachotage bachoteur bachotte bachèlerie bacillacée bacillaire bacillale +bacilloscopie bacillose bacillurie backgammon background bacologie bacon +bacovier bactrien bactritidé bactériacée bactériale bactéricide bactéridie +bactériidé bactériologie bactériologiste bactériolyse bactériophage bactériose +bactériémie bactéroïde bacul baculage baculaire baculite badamier badaud +baddeleyite badegoulien badelaire baderne badge badiane badianier badigeon +badigeonneur badin badinage badine badinerie badminton badèche baffe baffle +bafouement bafouillage bafouille bafouillement bafouilleur bagad bagage +bagagiste bagarre bagarreur bagasse bagassière bagatelle baggala bagnard +bagne bagnole bagnolet bagnolette bagou bagout bagouze bagridé baguage bague +baguenauderie baguenaudier baguettage baguette baguettisant baguier baguio +bahaïsme bahreïni baht bahut bahutier bai baie baignade baigneur baigneuse +bailador baile baille bailleur bailli bailliage baillie baillistre bain baise +baisement baiser baiseur baisse baisser baisseur baissier baissière baissoir +bajocasse bajoire bajoue bajoyer bakchich baklava baku bakélite bal balade +baladeuse baladin balaenidé balaenoptéridé balafon balafre balafré balai +balalaïka balance balancelle balancement balancier balancine balane balanidé +balanite balanoglosse balantidium balançoire balaou balata balayage balayette +balayeuse balayure balboa balbutiement balbuzard balcon balconnet baldaquin +baleinage baleine baleinier baleinière baleinoptère balestron balisage balise +balisier baliste balisticien balistidé balistique balistite +balivage baliverne baliveur balkanisation ballade ballant ballast ballastage +balle ballerine ballet balletomane ballettomane balleur ballier ballon +ballonnet ballonnier ballonné ballot ballote ballotin ballotine ballottage +ballottement ballottin ballottine ballotté balluchon balnéation balnéothérapie +balourd balourdage balourdise baloutche balsa balsamier balsamine balsamique +balthasar balthazar baluchithérium baluchon balustrade balustre balzane +balèze balénidé balénoptère balénoptéridé bambara bambin bambochade bambochard +bambocheur bambou bamboula ban banalisation banalité banane bananeraie +banat banc bancal bancarisation bancbrocheur banchage banche bancoulier +bancroftose bandage bandagiste bande bandeirante bandelette bandera banderille +banderolage banderole banderoleuse bandeur bandicoot bandit bandite banditisme +bandonéon bandothèque bandoulière bandylite bang bang-lang banian banjo +banknote banlieue banlieusard banne banneret banneton bannette banni +bannière banque banqueroute banqueroutier banquet banqueteur banquette +banquise banquiste banteng bantou bantouistique bantoustan banvin baobab +baptistaire baptiste baptistère baptisé baptême baquet bar baragouin +baragouineur baraka barandage baraque baraquement baraterie baratin baratineur +baratte baratté barbacane barban barbaque barbare barbaresque barbarie +barbarisme barbastelle barbe barbecue barbelure barbelé barbet barbette +barbiche barbichette barbichu barbier barbille barbillon barbital barbitiste +barbiturique barbiturisme barbituromanie barbière barboche barbon barbot +barbote barbotement barboteur barboteuse barbotin barbotine barbotière +barbouillage barbouille barbouilleur barbouze barbu barbue barbule barbure +barcasse barcelonnette bard barda bardage bardane bardariote barde bardelle +bardit bardière bardot baresthésie barge bargette barguignage barigoule baril +barillet bariolage bariolure barje barjo barjot barkhane barlotière barmaid +barnabite barnum barocepteur barographe baromètre barométrie baron baronet +baronne baronnet baronnie baroque baroquisme baroscope baroséisme barothérapie +baroud baroudeur barouf baroufle barque barquette barracuda barrage barragiste +barranco barrasquite barre barreaudage barrefort barrel barrement barrette +barricade barrique barrissement barrister barrit barrière barroir barrot barré +bartholinite barthélemite bartonella barycentre barye barylite barymétrie +barysilite barysphère baryte barytine barytite barytocalcite baryton barzoï +barème barégine barémage bas-côté bas-fond bas-foyer bas-mât bas-parc bas-port +bas-ventre basale basalte basane basanite bascologie basculage bascule +basculeur base base-ball baselle basic basicité baside basidiomycète +basier basification basilic basilicogrammate basilique basiléopatôr basin +basket basketteur basoche basochien basocytopénie basommatophore basophilie +basque basquet basquine basse basserie bassesse basset bassetite bassier +bassine bassinet bassinoire bassiste basson bassoniste bassonnier bastague +baste basterne bastiania bastide bastidon bastille basting bastingage bastion +bastisseur bastisseuse bastnaésite baston bastonnade bastringue bastude +bat bataclan bataille batailleur bataillon batak batave batavia batayole +batelet bateleur batelier batellerie batelée batholite bathoïde bathyergidé +bathymétrie bathynellacé bathynome bathyphante bathyplancton bathyporeia +bathysphère batifodage batifolage batifoleur batik batillage batiste batoude +batrachostome batracien battage battant batte battellement battement batterand +batteur batteuse battoir battu battue batture battée batée baud baudelairien +baudrier baudroie baudruche bauge bauhinia bauhinie baume baumhauérite baumier +bauquière bauriamorphe bauxite bauxitisation bavard bavardage bavarelle +bavasserie bave bavette baveuse bavière bavochure bavoir bavolet bavure +bayadère bayart bayle bayou bayram bazar bazardage bazardeur bazardisation +bazelaire bazooka baïcalia baïkalite baïle baïonnette baïoque baïram +bdellovibrio bdelloïde be-bop beach-boy beagle beat beatnik beauceron beauf +beaupré beauté bec beccard becfigue becher becquerel becquerélite becquet +becquetance becquée bectance bedaine bedlington bedon bedsonia beefmaster +beeper beethovenien beethovénien beffroi beggard behaviorisme behavioriste +beige beigne beignet beira bel belette belettière belge belgicisme belisarium +belle bellegardien bellicisme belliciste bellifontain belligérance belligérant +belluaire bellâtre belmontia belon belosepia belote belouga belvédère +bembécidé bengali bengalophone benjamin benjoin benmoréite benne benoîte +bentonite benzaldéhyde benzamide benzanilide benzanthracène benzanthrone +benzhydrol benzhydrylamine benzidine benzile benzimidazole benzinduline +benzine benzite benzoate benzodiazépine benzofuranne benzol benzolisme +benzonitrile benzophénone benzopinacol benzopyranne benzopyrazole +benzopyrone benzopyrrole benzopyrylium benzopyrène benzoquinone benzothiazole +benzoxazole benzoylation benzoyle benzoïne benzylamine benzylation +benzyle benzylidène benzyne benzène benzènesulfamide benzènesulfochlorure +benzénisme benêt ber beraunite berbère berbéridacée berbéridée berbérisme +berbérité berbérophone berce bercelonnette bercement berceuse bergamasque +bergamote bergamotier bergaptène berge berger bergerette bergerie +berginisation bergère berline berlingot berlingoteuse berlinite berliozien +berme bermuda bermudien bernache bernacle bernardin berne bernement berneur +bernique bernissartia berrichon berruyer bersaglier berserk bersim berthe +berthelée berthiérite berthollide berthon bertillonnage bertrandite +berzéliite berçante besace besacier besaiguë besant besogne besoin bessemer +besson bessonnière bestiaire bestialité bestiole bestion bette betterave +beudantite beuglant beuglante beuglement beur beurrage beurre beurrerie +beurré beurrée beursault beuverie bey beylicat beylisme bezel bezoule beïram +bhikku biacide biaisement biallyle bianor biarrot biathlon bibacier bibassier +bibelotage bibeloteur bibelotier bibenzyle biberon biberonnage bibi bibine +bibionidé bible bibliographe bibliographie bibliologie bibliologue bibliolâtre +bibliomancie bibliomancien bibliomane bibliomanie bibliométrie bibliophile +bibliothèque bibliothécaire bibliothéconomie bibliste biborate bicalcite +bicaméraliste bicamérisme bicarbonate bicentenaire bichaille biche bicherée +bichette bichir bichlorure bicho bichof bichon bichonnage bichromate bichromie +bicoecideum bicoque bicoquet bicorne bicot bicouche biculturalisme +bicycle bicyclette bicéphale bicéphalisme bidasse bidau bide bident bidet +bidoche bidon bidonnage bidonnet bidonville bidonvillisation bidouillage +bidual bidule biebérite bief bielle biellette bien bien-aimé bien-jugé +bienfaisance bienfait bienfaiteur biennale bienséance bienveillance bienvenu +biergol biface biffage biffe biffement biffin biffure bifteck bifton +bigame bigamie bigarade bigaradier bigarrure bige bighorn bigle bignole +bignonia bignoniacée bigophone bigor bigornage bigorne bigot bigoterie +bigouden bigoudi bigoula bigourdan biguanide bigue biguine bigéminisme bihari +bijouterie bijoutier bikbachi bikini bilabiale bilame bilan bilatérale +bilatéralité bilboquet bile bilharzia bilharzie bilharziose biligenèse +bilinguisation bilinguisme bilinite bilirubine bilirubinurie bilirubinémie +bill billage billard bille billebaude billet billeterie billette billetterie +billevesée billion billon billonnage billonnette billonneur billonneuse billot +bimbelot bimbeloterie bimbelotier bimensuel bimestre bimestriel bimillénaire +bimoteur bimétallisme bimétalliste binage binard binarité binart binationalité +binette bineur bineuse bingo biniou binoclard binocle binoculaire binon +binturong binôme bioacoustique biobibliographie biocalorimétrie biocapteur +biocatalyse biocatalyseur biochimie biochimiste biocide biocinétique bioclimat +bioclimatologiste biocoenose biocompatibilité bioconversion biocénose +biodynamique biodégradabilité biodégradant biodégradation biogenèse biographe +biogénie biogénétique biogéographie bioherbicide biologie biologisme +bioluminescence biomagnétisme biomarqueur biomasse biome biomembrane +biomolécule biomorphisme biomécanique biomédecine biométallurgie biométhane +biométéorologie bionique bionomie biopesticide biopharmacologie biophysicien +biophysique biopolymère bioprothèse bioprécurseur biopsie biorhiza biorythme +biosphère biospéléologie biospéologie biostasie biostatisticien biostatistique +biostrome biosynthèse bioséparation biotactisme biote biotechnique +bioterrorisme bioterroriste biothérapie biotine biotite biotope biotraiteur +biotype biotypologie biotypologiste bioxyde bioélectricité bioélectronique +bioénergie bioéthique bip bip-bip bipartisme bipartition bipasse bipenne +biphényle biphénylène bipied bipinnaria biplace biplan bipoint bipolarisation +bipolarité bipotentialité biprisme bipède bipédie biquadratique bique biquet +birapport birbe birdie birgue biribi birkrémite birman birotor biroute birr +biréacteur biréfringence birésidence bisaiguë bisazoïque bisaïeul bisbille +biscaïen bischof biscotin biscotte biscotterie biscoumacétate biscuit +biscuitier biscôme bise biseautage biseauteur biseautier biset bisexualité +bismuthine bismuthinite bismuthite bismuthosphérite bismuthothérapie +bismuthyle bismuthémie bismuture bisoc bison bisontin bisou bisphénol bisque +bisse bissection bissectrice bissel bissexte bissexualité bistabilité biston +bistortier bistouille bistouri bistournage bistre bistro bistrot bisulfate +bisulfure bit bite bitension bithématisme bithérapie bitmap bitonalité bitord +bitter bitture bitumage bitume bitumier biturbopropulseur biture biunivocité +bivalence bivalve bivecteur bivoltinisme bivouac biwa bixa bixacée bixbyite +bizarrerie bizet bizou bizoutage bizut bizutage bizuth bière bièvre biélorusse +blabère blache black blackboulage blade blageon blague blagueur blair blanc +blanche blanchet blancheur blanchiment blanchissage blanchissement +blanchisseur blanchoiement blanchon blandice blane blaniule blanquette +blanquiste blase blasement blason blasonnement blasonneur blasphème +blastocladiale blastocoele blastocyste blastocyte blastocèle blastoderme +blastodisque blastogenèse blastomycose blastomycète blastomère blastophaga +blastospore blastozoïde blastoïde blastula blastème blastèse blatte blattidé +blatèrement blavet blaze blazer bled blende blennie blenniidé blennioïde +blennorragie blennorrhée blesbok blessure blessé blette blettissement +bleu bleuet bleuetière bleuetterie bleueur bleuissage bleuissement bleuissure +bleuterie bliaud bliaut blind blindage blinde blindé blini blister blizzard +blocage blocaille blochet bloedite blond blonde blondel blondeur blondier +blondinet blondoiement bloodhound bloom bloomer blooming bloque bloquette +blottissement blouse blousier blouson blousse blue-jean bluet bluette bluffeur +bluterie bluteur blutoir blâme blèsement blé blédard blépharite blépharocère +blépharophtalmie blépharoplastie blépharorraphie blépharospasme blépharotic +blésité blêmeur blêmissement boa boarmie bob bobard bobeur bobierrite bobinage +bobine bobinette bobineur bobineuse bobinier bobinoir bobinot bobiste bobo +bobonne bobsleigh bobtail bobèche bobéchon bocage bocard bocardage bocardeur +boche bochiman bock bodo boehmeria boehmite boeing boejer boer boette boeuf +bogey boggie boghead boghei bogie bogomile bogomilisme bogue boguet bohème +boille boisage boisement boiserie boiseur boisselier boissellerie boisselée +boitement boiterie boitillement boitte bol bolchevik bolchevique bolchevisme +boldo bolduc bolet bolide bolier bolinche bolincheur bolitobie bolitophage +bolivar bolivien bollandiste bollard bolomètre bolong bolyerginé bolée boléro +bombagiste bombarde bombardement bombarderie bombardier bombardon bombe +bombette bombeur bombidé bombina bombinator bombinette bomboir bombonne +bombycillidé bombylidé bon bonace bonamia bonapartisme bonapartiste bonasserie +bonbonne bonbonnière bond bonde bondelle bondieuserie bondissement bondon +bondrée bondérisation bonellie bongare bongo bonheur bonhomie boni boniche +bonier bonification boniment bonimenteur bonisseur bonite bonitou bonjour +bonnet bonneterie bonneteur bonnetier bonnetière bonnette bonniche bonnier +bonobo bonsaï bonsoir bontebok bonté bonzaï bonze bonzerie bonzillon boogie +bookmaker booléen boom boomer boomerang boomslang booster boothite bootlegger +bopyre boquette bora boracite borain borane boranne borasse borate borazole +borborygme borchtch bord bordage bordel bordelaise borderie borderline +bordeuse bordier bordigue bordurage bordure bordurette bordé bordée borgne +borie borin bornage bornane borne bornier bornite bornoiement bornyle +borocère borofluorure borohydrure borosilicate borotitanate borraginacée +borrelia borréliose bort bortsch boruration borure boryle borée bosco boscot +bosniaque bosnien boson bosquet bossage bosse bosselage bossellement bosselure +bosseur bosseyage bosseyement bossoir bossu boston bostonien bostryche +botanique botaniste bothidé bothridie bothrie bothriocéphale bothriuridé +botrylle botryogène botte bottelage botteleur botteleuse botterie botteur +bottier bottillon bottin bottine botulisme boubou bouc boucan boucanage +boucanière boucaud boucautière bouchage bouchain bouchardage boucharde +bouche bouche-bouteille bouchement boucher boucherie boucheur boucheuse +bouchon bouchonnage bouchonnement bouchonnerie bouchonneuse bouchonnier +bouchoteur bouchotteur bouchure bouchée bouclage boucle bouclement bouclerie +bouclier boucot bouddha bouddhisme bouddhiste bouddhologie bouderie boudeur +boudin boudinage boudineuse boudoir boue bouette boueur bouffante bouffarde +bouffetance bouffette bouffeur bouffissage bouffissure bouffon bouffonnerie +bougainvillier bougainvillée bouge bougeoir bougeotte bougie bougna bougnat +bougnoule bougon bougonnement bougonnerie bougonneur bougran bougre bouif +bouillasse bouille bouilleur bouilli bouillie bouillissage bouilloire bouillon +bouillonneur bouillonné bouillotte bouillottement boulaie boulange boulanger +boulangisme boulangiste boulant boulbène boulder bouldozeur boule bouledogue +bouletage boulette bouleute boulevard bouleversement boulier boulimie +boulin boulinage bouline boulinette boulingrin boulinier boulinière boulisme +boulisterie boulochage boulodrome bouloir boulomane boulon boulonnage +boulonneuse boulot boulé boum boumerang boumeur bounioul bouphone bouquet +bouquetin bouquetière bouquin bouquinage bouquinerie bouquineur bouquiniste +bourbelier bourbier bourbillon bourbon bourdaine bourde bourdon bourdonnement +bourdonneuse bourdonnière bourg bourgade bourgeoise bourgeoisie bourgeon +bourgeron bourgette bourgmestre bourgogne bourguignon bourguignonne +bourlingage bourlingueur bournonite bourrache bourrade bourrage bourraque +bourre bourrelet bourrelier bourrellement bourrellerie bourret bourrette +bourreuse bourriche bourrichon bourricot bourride bourrier bourrin bourrique +bourriquot bourroir bourru bourrèlement bourrée bourse boursicotage +boursicotier boursier boursouflage boursouflement boursouflure bousard +bouscueil bousculade bousculement bouse bousier bousillage bousilleur bousin +boussette boussingaultite boussole boustifaille boustifailleur boustrophédon +boutade boutage boutargue bouteille bouteiller bouteillerie bouteillon +bouteroue bouteur boutillier boutique boutiquier boutisse boutoir bouton +boutonnement boutonnier boutonnière boutonniériste boutou boutre bouturage +boutée bouvement bouverie bouvet bouvetage bouveteur bouveteuse bouvier +bouvière bouvreuil bouvril bouzouki bouée bovarysme bovette bovidé bovin +bow-window bowal bowette bowling box-office boxe boxer boxeur boxon boy +boyard boyauderie boyaudier boycott boycottage boycotteur boësse boëte boëtte +boîteuse boîtier boïar boïdé brabant brabançon bracelet bracero brachiale +brachiation brachiolaire brachiolaria brachiopode brachioptérygien +brachycrânie brachycère brachycéphale brachycéphalidé brachycéphalie +brachydactylie brachylogie brachymélie brachymétropie brachyne brachyote +brachyskélie brachytarse braconidé braconnage braconnier braconnière bractée +bradel braderie bradeur bradycardiaque bradycardie bradycardisant bradycinésie +bradyodonte bradype bradypepsie bradyphagie bradypodidé bradypsychie +braford braggite braguette brahma brahman brahmane brahmanisme brahmaniste +brahoui brai braie braiement braillard braille braillement brailleur braiment +braisage braise braisette braisier braisillement braisière braisé brame +branc brancard brancardage brancardier branchage branche branchellion +branchette branchie branchier branchiobdelle branchiomma branchiopode +branchiostome branchiotropisme branchioure branchipe branché branchée brand +brande brandebourg brandevin brandevinier brandisite brandissement brandon +branhamella branle branle-queue branlement branlette branleur branloire +branquignol brante braquage braque braquemart braquement braquet braqueur +brasero brasier brasquage brasque brassage brassard brasse brasserie brasseur +brassicaire brassie brassier brassin brassière brassoir brassée brasure braule +bravade brave braverie bravo bravoure bravoïte brayer break breakfast +bredouillage bredouille bredouillement bredouilleur bref bregma breguet brehon +brejnévien brelan brelin breloque brenthe brenthidé bressan bresse bretailleur +bretellerie bretesse breton bretonnant brette bretteur bretzel bretèche +breunérite breuvage brevet brevetabilité brevetage brewstérite briage briard +bricelet brick bricolage bricole bricoleur bricolier bridage bride brideur +bridgeur bridon brie briefing briffe brifier brigade brigadier brigadière +brigandage brigandine brigantin brigantine brightique brightisme brignolette +brillance brillant brillantage brillanteur brillanteuse brillantine brimade +brimborion brimeur brin brindille brinell bringeure bringue brinvillière brio +briochin briolage briolette brioleur brion briquage brique briquet briquetage +briqueteur briquetier briquette brisant briscard brise brise-lame brisement +briseuse briska brisoir brisquard brisque brisse brissotin bristol brisure +britannique britholite brittonique brize brièveté brié broc brocantage +brocanteur brocard brocart brocatelle broccio brochage brochantite broche +brocheton brochette brocheur brocheuse brochoir brochure broché brocoli +broderie brodeur brodeuse broie broiement broker bromacétone bromacétophénone +bromaniline bromate bromation bromatologie bromatologue bromhydrate bromisme +bromocollographie bromocriptine bromoforme bromomercurate bromonaphtalène +bromophénol bromopicrine bromoplatinate bromoplatinite bromostannate +bromostyrène bromosuccinimide bromothymol bromotitanate bromotoluène +bromuration bromure broméliacée bronche bronchectasie bronchiectasie +bronchiolite bronchiolo-alvéolite bronchiolyse bronchite bronchitique broncho +bronchoaspiration bronchoconstricteur bronchoconstriction bronchocèle +bronchodilatation bronchographie bronchomalacie bronchophonie bronchoplégie +bronchorrée bronchoscope bronchoscopie bronchospasme bronchospirométrie +bronchoégophonie bronco brontosaure brontothère bronzage bronze bronzeur +bronzier bronzite brook brookite broquart broquelin broquette broquille broqué +brossage brosse brosserie brossette brosseur brosseuse brossier brossoir +brou brouet brouettage brouette brouetteur brouettier brouettée brouhaha +brouillamini brouillard brouillasse brouille brouillement brouillerie +brouillon broussaille broussaillement broussailleur broussard brousse broussin +broutage broutard broutart broutement broutille brouté browning broyage broyat +broyeuse broyé bru bruant bruccio brucella brucellose bruche brucine brucite +brugnonier bruine bruissage bruissante bruissement bruit bruitage bruiteur +brume brumisage brumisateur brun brunante brunch brune brunet bruni brunissage +brunisseur brunissoir brunissure brunner brushing brushite brusquerie brut +brutalisme brutaliste brutalité brute bruteur brution bruxisme bruxomanie +bryobia bryologie bryone bryonine bryophile bryophyte bryozoaire brèche +brème brève bréchet brédissage brédissure bréhaigne brésil brésilien brésiline +brétailleur bréviaire bréviligne brévité brêlage brûlage brûle-bout +brûlement brûlerie brûleur brûloir brûlot brûlure brûlé buanderie buandier +bubon bucarde bucchero buccin buccinateur buccinidé bucconidé bucentaure buchu +bucolique bucrane bucérotidé buddleia budget budgétisation budgétivore +buffalo buffer buffet buffetier bufflage buffle bufflesse buffleterie +bufflon bufflonne buffo bufogénine bufonidé bufothérapie buggy bugle bugliste +bugrane bugule buhotte buiatre buiatrie building buire buissière buisson +bulb bulbe bulbiculteur bulbiculture bulbille bulbite bulbocodium bulbopathie +bulbul bulgare bulgarisation bulge buliminidé bulimulidé bull-terrier bullage +bulldog bulldozer bulle bulletin bullidé bullionisme bulot bungalow bunker +bunsénite buphage bupreste buprestidé buraliste bure bureaucrate +bureaucratie bureaucratisation bureaucratisme bureautique burelle burelé +burgaudine burgeage burgrave burhinidé burin burinage burinement burineur +burle burlesque burlingue burmese buron bursaria bursariidé bursera bursicule +burséracée bursérine burèle busard busc buse busette busine busquière +bustamite buste bustier but butadiène butanal butane butanediol butanier +butanolide butanone buteur buthidé butin butinage butineuse butlérite +butoir butomacée butome buton butor buttage butte butteur butteuse +buttoir butylamine butylate butylcaoutchouc butylchloral butyle butylglycol +butylène butylèneglycol butyne butynediol butyraldéhyde butyrate butyrateur +butyrolactone butyromètre butyrométrie butyrophénone butyryle butène butée +buténol butényle butényne butôme buvard buverie buvetier buvette buveur +buvée buxacée buzzer buée byronien byrrhidé byssinose byssolite byte bytownite +byzantin byzantinisme byzantiniste byzantinologie byzantinologue bâbord +bâche bâclage bâcle bâcleur bâfrerie bâfreur bâfrée bâilla bâillement bâilleur +bâillonnement bât bâtard bâtarde bâtardise bâti bâtiment bâtisse bâtisseur +bâtière bâton bâtonnage bâtonnat bâtonnet bâtonnier bègue béance béarnaise +béatitude bébé bébête bécane bécard bécarre bécasse bécassine béchamel bécher +bécot bécotage bécotement bécune bédane bédière bédouin bédégar bée bégaiement +bégayeur bégonia bégoniacée bégu bégueule bégueulerie béguin béguinage béguine +béguètement béhaviorisme béhavioriste béhaviourisme béhaviouriste béhaïsme +béké bélandre bélemnite bélemnitelle bélemnitidé bélemnoteuthidé bélemnoïdé +bélinogramme bélinographe bélionote bélière bélomancie bélone béloniforme +bélostomatidé bélostome bélouga béluga bélître bémentite bémol bémolisation +bénarde bénef bénignité bénisseur bénitier bénitoïte bénédicité bénédictin +bénédiction bénéfactif bénéfice bénéficiaire bénéficier bénévolat bénévole +béotien béotisme béquet béquillage béquillard béquille béquillon béquée béret +béroé béryciforme béryl béryllonite bérytidé bésigue bétafite bétaillère +bétel bétharramite béthyle bétoine bétoire béton bétonnage bétonneur +bétonnière bétulacée bétuline bétulinée bétyle bévatron bévue bézoard bêchage +bêchelon bêcheur bêchoir bêlement bêta bêta-globuline bêta-version +bêtabloqueur bêtagraphie bêtarécepteur bêtathérapie bêtatron bête bêtise +bôme bûche bûchement bûcher bûcheron bûcheronnage bûchette bûcheur caatinga +cabale cabaleur cabaliste caban cabane cabanement cabanier cabanon cabaret +cabarettiste cabarne cabasset cabassou cabecilla cabeda cabernet cabestan +cabillaud cabillot cabine cabinet cabochard caboche cabochon caboclo cabomba +cabosse cabot cabotage caboteur cabotin cabotinage caboulot cabrage cabrement +cabri cabriole cabriolet cabrérite cabèche cabère caca cacahouette cacahouète +cacajao cacao cacaotage cacaotier cacaotière cacaoui cacaoyer cacaoyère +cache cache-col cache-flamme cache-peigne cache-pot cachectique cachemire +cachet cachetage cacheton cachette cachexie cachiman cachimantier cachot +cachottier cachou cachucha cacique cacochyme cacodylate cacodyle cacoecia +cacographie cacogueusie cacolalie cacolet cacologie cacophage cacophagie +cacophonie cacosmie cacostomie cacoxénite cactacée cactée cacuminale cadalène +cadastre cadavre cadavérine caddie caddy cade cadelure cadenassage cadence +cadenette cadet cadette cadi cadinène cadière cadmiage cadmie cadogan cador +cadran cadrat cadratin cadrature cadre cadreur caducibranche caducité caducée +cadurcien cadène caecidé caecocystoplastie caecofixation caecopexie +caecospheroma caecostomie caecotomie caecotrophie caecum caenolestide +caenoptera caeruloplasmine caesalpiniée caesalpinée caesine cafard cafardage +cafarsite cafetage cafetan cafeteria cafeteur cafetier cafetière cafouillage +cafre caftage caftan cafteur café caféiculteur caféiculture caféier caféine +caféière caféone caféraie caférie caféteria cafétéria cage cageot cageret +caget cagette cagibi cagna cagnard cagne cagnotte cagot cagoterie cagou +cagoule cahier cahot cahotement cahute caillage caillasse caille caillebotte +caillette caillot cailloutage caillouté caillé cainitier cairn cairote caisse +caissette caissier caisson caitya cajeput cajeputier cajeputol cajet cajolerie +cajou cajun cake cal calabaria caladion caladium calage calaisien calaison +calamariné calambac calambour calame calaminage calamine calamite calamité +calandre calandrelle calandrette calandreur calanque calao calappe calasirie +calavérite calbombe calcaffine calcaire calcanéite calcanéum calcarénite +calcif calcification calciférol calcilutite calcin calcination calcinose +calciothermie calcipexie calciphylaxie calcirachie calcirudite calcisponge +calcite calcithérapie calcitonine calcitoninémie calciurie calcosphérite +calcul calculabilité calculateur calculatrice calculette calculographie +calcémie calcéolaire calcéole caldarium caldeira caldoche cale cale-pied +calebasse calebassier calecif calembour calembredaine calendaire calendrier +calepin calepineur caleur caleçon caleçonnade calfat calfatage calfateur +calfeutrement calgon calibrage calibration calibre calibreur calibreuse calice +caliche calicoba calicot calicule calier califat calife californien caligo +calinothérapie caliorne caliroa calirraphie calisson calixtin call-girl calla +calle callianasse callichrome callichthyidé callicèbe callidie callidryade +calligraphe calligraphie callimico callimorphe callionymidé callionymoïde +calliostoma calliphore calliphoridé callipygie calliste callite callithricidé +callosité callovien calmage calmant calmar calme calmoduline calmpage calomel +calomnie caloporteur calopsitte calorie calorification calorifuge +calorifugeur calorifère calorimètre calorimétrie caloriporteur calorique +calorisation calosome calospize calot calote calotin calotte caloyer calquage +calqueur calumet calva calvaire calvairienne calvanier calvarnier calvenier +calville calvinisme calviniste calvitie calycanthacée calycanthe calycophore +calypso calyptoblastide calyptoblastique calyptraea calyptraeidé calyptrée +calyssozoaire calèche calédonien calédonite caléfacteur caléfaction +cam camail camaldule camarade camaraderie camarasaure camard camarde camargue +cambiste cambium cambodgien cambrage cambrement cambreur cambrien cambriolage +cambrioleur cambrousard cambrouse cambrousse cambrure cambrésien cambusage +cambusier cambuteur came camelin cameline camelle camelot camelote camembert +camichon camillien camion camionnage camionnette camionneur camisard camisole +camomille camorriste camouflage camoufle camouflet camoufleur camp campagnard +campagnol campan campane campanelle campanien campanile campanulacée +campanule campement campeur camphane camphol camphoquinone camphorate camphre +camphène camphénylone campignien campimètre campimétrie camping campodéidé +camptodactylie camptonite camptosaure campylobacter campène campéphagidé +camé camée camélia camélidé caméline caméléon caméléonidé caméléontidé caméra +camérisier camériste camérière caméronien caméscope can canabassier canadair +canadianité canadien canadienne canaille canaillerie canalicule canaliculite +canalisation canalographie cananéen canapé canaque canar canard canarderie +canari canarien canasson canasta cancale cancan cancanier cancel cancellaire +cancellation cancer canche cancoillote cancoillotte cancre cancrelat +cancroïde cancérigène cancérinisme cancérisation cancérogenèse cancérogène +cancérologie cancérologue cancérophobie candela candelette candeur candi +candidature candidine candidose candidurie candiru candisation candissage +candélabre cane canebière canepetière canetage caneteur canetière caneton +canezou canfieldite cange cangue caniche canichon canicule canidé canier canif +canine canisse canissier canitie canière canna cannabidiol cannabinacée +cannabiose cannabisme cannage cannaie canne canneberge cannebière cannelier +cannellier cannelloni cannelure cannetage canneteur cannetille cannetilleur +cannette canneur cannibale cannibalisation cannibalisme cannier cannisse +canon canonicat canonicité canonique canonisation canoniste canonnade +canonnier canonnière canope canot canotage canoteur canotier canoéisme +canoë canrénone cantabile cantal cantalien cantalou cantaloup cantate +cantatrice canter canthare cantharide cantharididé cantharidine canthoplastie +cantilever cantilène cantine cantinier cantionnaire cantique canton cantonade +cantonalisation cantonalisme cantonaliste cantonisation cantonnement +cantonnière cantor cantre canular canulation canule canut canyon canyoning +canéficier canéphore caodaïsme caodaïste caoua caouane caouanne caoutchouc +caoutchoutier cap cap-hornier capacimètre capacitaire capacitance capacitation +caparaçon cape capelage capelan capelanier capelet capelin capeline caperon +capie capieuse capillaire capillarite capillarité capillaronécrose +capillaroscopie capilliculteur capilliculture capilotade capiscol capiston +capitainerie capitale capitalisation capitalisme capitaliste capitan +capitatum capitelle capitole capiton capitonidé capitonnage capitonneur +capitoul capitulaire capitulard capitulation capitule capnie capnigramme +capnographie capnomancie capo capoc capon caponidé caponnière caporalisme +capotage capote capoulière capoulié cappa cappadocien capparidacée cappelénite +caprate caprelle capriccio caprice capricorne capriculture caprification +caprifiguier caprifoliacée caprimulgidé caprimulgiforme capriné caproate +caprolactone capromyidé capron capronier caprylate capsa capsage capselle +capside capsidé capsien capsomère capsulage capsule capsulectomie capsulerie +capsuleuse capsulisme capsulite capsuloplastie capsulorraphie capsulotomie +captal captane captateur captation captativité capteur captif captivité +captorhinien captorhinomorphe capture capuccino capuce capuche capuchon +capucinade capucine capulet capulidé capybara capésien capétien caquage caque +caquet caquetage caqueteuse caquetoire caqueur caquillier caquètement car +carabidé carabin carabine carabineur carabinier carabique caraboïde caracal +caraco caracole caracolite caractère caractériel caractérisation +caractérologie caractéropathie caracul carafe carafon carambolage carambole +carambouillage carambouille carambouilleur caramel caramote caramoursal +caramélisation carangidé carangue carapace carapidé caraque carasse carassin +carate caraté caravagisme caravagiste caravanage caravane caravanier +caravanning caravansérail caravelle caraïbe caraïsme caraïte carbagel +carbamide carbamoyle carbamyltransférase carbapénème carbazide carbazole +carbet carbinol carbite carbitol carbochimie carbodiimide carboglace carbogène +carbohémoglobine carbolite carbonade carbonado carbonage carbonarcose +carbonatation carbonate carbonatite carbonide carbonifère carbonisage +carbonisation carboniseuse carbonitruration carbonium carbonnade +carbonylage carbonylation carbonyldiazide carbonyle carborundum carbothermie +carboxyhémoglobine carboxylase carboxylate carboxylation carboxyle +carboxypolypeptidase carburane carburant carburateur carburation carbure +carburéacteur carbylamine carbène carbénium carcajou carcan carcasse +carcel carcharhinidé carchésium carcinogenèse carcinologie carcinolytique +carcinome carcinosarcome carcinose carcinotron carcinoïde carcinoïdose cardage +cardamome cardan carde carderie cardeur cardeuse cardia cardialgie cardiaque +cardiectasie cardigan cardiidé cardinalat cardinale cardinaliste cardinalité +cardinia cardioaccélérateur cardiocondyle cardiodiagramme cardiodiagraphie +cardiographe cardiographie cardiolipine cardiologie cardiologue cardiolyse +cardiomyopexie cardiomyoplastie cardiomégalie cardionatrine cardiopathe +cardiophore cardioplastie cardioplégie cardiorhexie cardiorraphie +cardiorégulateur cardiosclérose cardioscope cardiospasme cardiostimulateur +cardiothyréotoxicose cardiotocographie cardiotomie cardiotonique +cardiovalvulotome cardiovectographe cardiovectographie cardioversion cardioïde +cardite cardium cardivalvulite cardon cardère carence caresse caresseur caret +cargaison cargneule cargo cargue cari cariacou cariama cariatide caribou +caricature caricaturiste caride carididé caridine carie carillon carillonnage +carillonneur carinaire carinate carioca cariste carlin carline carlingue +carlisme carliste carmagnole carme carmel carmeline carmin carminatif +carmélite carnage carnallite carnassier carnassière carnation carnauba +carne carnet carnette carnichette carnier carnieule carnification carniolien +carnitine carnivore carnosaurien carnotite carnotset carnotzet carnèle carolin +caronade caroncule carotide carotidogramme carotine carotinodermie carotinémie +carotte carotteur carotteuse carottier carotène caroténodermie caroténoïde +caroube caroubier carouble caroubleur carouge carpaccio carpe carpectomie +carpentrassien carpetbagger carpette carpettier carphologie carphosidérite +carpiculture carpillon carpite carpocapse carpocyphose carpogone carpolithe +carpologue carpophage carpophile carpophore carpopodite carpospore +carquarel carrage carraire carrare carre carrefour carrelage carrelet +carreleur carreur carrick carrier carriole carrière carriérisme carriériste +carrossage carrosse carrosserie carrossier carrousel carroyage carrure carry +carrée cartable cartallum carte cartel cartelette cartellisation carter +carteron carthame cartier cartilage cartisane cartiérisme cartiériste +cartographe cartographie cartomancie cartomancien carton cartonnage +cartonnier cartoon cartooniste cartophile cartophilie cartothèque cartouche +cartouchière cartulaire cartésianisme cartésien carva carvi carvomenthone +cary caryatide carychium caryinite caryoanabiose caryobore caryocinèse +caryogamie caryogramme caryologie caryolyse caryolytique caryophyllacée +caryophyllée caryopse caryorexie caryorrhexie caryoschise caryosome caryotype +carène carélien carénage carême casal casanier casaque casaquin casarca casbah +cascade cascadeur cascara cascatelle case casemate caseret caserette caserne +casernier caset casette caseyeur cashmere casier casimir casing casino +casoar casque casquetier casquette casquetterie casquettier cassage cassandre +cassation cassave casse casse-fil casse-noisette casse-pierre cassement +casserole cassetin cassette casseur casseuse cassican cassidaire casside +cassidule cassidulidé cassiduline cassie cassier cassine cassiopée cassique +cassitérite cassolette casson cassonade cassoulet cassure cassé castagne +caste castel castelet castellan castelroussin castillan castine castineur +castnie castor castorette castoréum castramétation castrat castration +castriste casualisme casualité casuariforme casuarina casuel casuiste +caséation caséification caséinate caséine caséolyse caséum cat cata +catabolite catachrèse cataclysme cataclyste catacombe catacrotisme catadioptre +catafalque cataire catalan catalane catalanisme catalaniste catalase +cataleptique catalogage catalogne catalogue catalogueur catalpa catalyse +catamaran catamnèse catapan cataphasie cataphorèse cataphote cataphractaire +cataplasie cataplasme cataplexie catapléite cataptose catapultage catapulte +cataracté catarhinien catarrhe catarrhinien catastrophe catastrophisme +catathymie catatonie catatypie catcheur catelle catergol catgut cathare +cathartidé cathartique catherinette cathion catho cathode catholicisme +catholicosat catholique cathèdre cathédrale cathédrant cathéter cathétomètre +catilinaire catin cation cationotropie catissage catisseur catissoir catleya +catogan catopidé catoptrique catoptromancie catostome catoxanthe cattalo +cattleya catéchine catéchisation catéchisme catéchiste catéchol catécholamine +catéchuménat catéchèse catéchète catégoricité catégorie catégorisation +caténaire caténane catépan caucasien cauchemar caucher caudale caudataire +caudrette caugek cauliflorie caurale cauri causalgie causalisme causaliste +causatif causativité cause causerie causette causeur causeuse causse caussinié +caustificateur caustification caustique caution cautionnement cautèle cautère +cavage cavaillon cavalcade cavalcadour cavale cavalerie cavaleur cavalier +cave caverne cavernicole cavernite cavernome cavet caveçon caviar caviardage +caviidé cavillone caviste cavitation cavité cavographie cavoir cavoline +cavée cayopollin cayorne cazette caïc caïd caïdat caïjou caïkdji caïman +caïqdji caïque cañon cd cebuano ceintrage ceinturage ceinture ceinturier +celebret cella cellier cellobiose cellophane cellosolve cellulalgie +cellular cellulase cellule cellulisation cellulite cellulocapillarite +cellulose celluloïd cellérerie cellérier celte celtique celtisant celtisme +cendre cendrier cendrillon cendrée cenelle cenellier censeur censier +censive censorat censure cent centaine centaure centauromachie centaurée +centenaire centenier centiare centibar centigrade centigramme centilage +centilitre centime centimorgan centimètre centième centon centrafricain +centrale centralien centralisation centralisme centraliste centralite +centraméricain centrarchidé centration centre centreur centrifugation +centrifugeuse centrine centriole centriscidé centrisme centriste centrolophidé +centrophore centrosome centrote centrure centumvir centuple centurie centurion +ceorl cep cephalin cerastoderma ceratium cerbère cercaire cerce cerclage +cercleuse cerclier cerclière cercobodo cercocèbe cercope cercopidé +cercopithécidé cercopithécoïde cercueil cercyon cerdagnol cerdan cerdocyon +cerfeuil cerisaie cerise cerisette cerisier cermet cernabilité cernage cerne +cernier cernoir cernophore cernuateur certain certal certhiidé certificat +certification certifieur certifié certitude cervaison cervantite cervelet +cervelle cervicale cervicalgie cervicapre cervicarthrose cervicite +cervicobrachialite cervicocystopexie cervicopexie cervicotomie cervicovaginite +cerviné cervoise cervule cessation cessibilité cession cessionnaire ceste +cestode cestoïde ceuthorhynque ceuthorynque chabazite chabichou chabin +chabot chabraque chacal chacma chacone chaconne chactidé chadburn chadouf +chaenichthydé chaetoderma chafisme chafouin chaféisme chagome chagrin chah +chahuteur chai chaille chaintre chair chaire chaise chaisier chaland +chalarodon chalarose chalasie chalaze chalazion chalazodermie chalazogamie +chalcaspide chalcide chalcididé chalcidien chalcographe chalcographie +chalcogénure chalcolite chalcolithique chalcoménite chalcone chalcophanite +chalcophyllite chalcopyrite chalcose chalcosidérite chalcosine chalcosite +chalcostibite chalcotrichite chalcoïde chalcédoine chaldéen chaleil chalemie +chaleur chalicodome chalicose chalicothérapie chalicothéridé chaline challenge +challengeur chalodermie chalone chaloupe chaloupier chaloupée chalut chalutage +chalybite cham chama chamade chamaeléonidé chamaille chamaillerie chamailleur +chamanisme chamaniste chamarre chamarrure chamazulène chambard chambardement +chambertin chamboulement chambrage chambranle chambre chambrelan chambrette +chambriste chambrière chambrée chame chamelet chamelier chamelle chamelon +chamoiserie chamoiseur chamoniard chamosite chamotte champ champagne +champart champenoise champi champignon champignonniste champignonnière +championnat champlevage champlevé champsosaure chamsin chan chance chancel +chancelière chancellement chancellerie chanci chancissure chancre chancrelle +chandail chandeleur chandelier chandelle chandlérien chane chanfrage chanfrein +chanfreineuse change changement changeur chanlate chanlatte channe +chanoine chanoinesse chanoinie chanson chansonnette chansonnier chant chantage +chantepleure chanterelle chanterie chanteur chantier chantignole chantonnement +chantournement chantourné chantre chantrerie chanvre chanvrier chançard +chapardage chapardeur chaparral chape chapeautage chapelain chapelet chapelier +chapelle chapellenie chapellerie chapelure chaperon chaperonnier chapetón +chapitre chapka chapon chaponnage chaponnière chapska chaptalisation char +characidé characin charade charadricole charadriidé charadriiforme charale +charbon charbonnage charbonnerie charbonnier charbonnière charcutage +charcutier chardon chardonneret chardonnière charentaise charge chargement +chargette chargeur chargeuse chargé chari chariot chariotage charismatisme +chariton charité charivari charlatan charlatanerie charlatanisme charleston +charlotte charme charmeur charmeuse charmille charnier charnigue charnière +charognard charogne charolaise charonia charontidé charophyte charpentage +charpenterie charpentier charpie charque charre charrerie charretier charretin +charrette charretée charriage charrieur charroi charron charronnage +charroyeur charruage charrue charrée charte charter chartergue chartisme +chartrain chartre chartreuse chartrier charybdéide chassage chasse +chasse-mulet chasse-punaise chassepot chasseresse chasseur chassie chassoir +chasséen chasteil chasteté chasuble chasublerie chat chataire chateaubriand +chatoiement chaton chatonnement chatouille chatouillement chatte chattemite +chatterton chaubage chauchage chaud chaudage chaude chaudefonnier chaudepisse +chaudière chaudron chaudronnerie chaudronnier chaudrée chauffage chauffagiste +chauffe chauffe-assiette chauffe-ballon chauffe-plat chauffe-réacteur +chaufferie chauffeur chauffeuse chauffoir chaufour chaufournerie chaufournier +chauleuse chaulier chauliodidé chaultrie chaumage chaumard chaume chaumeur +chaumine chaumière chauna chaussage chausse chausse-pied chausse-trappe +chaussette chausseur chaussier chausson chaussonnier chaussure chaussé +chauve chauvin chauvinisme chauviniste chavirage chavirement chaykh chayote +chaîne chaînetier chaînette chaîneur chaînier chaîniste chaînon chaînée +chebec chebek check-list cheddar cheddite chef chefaillon chefferie cheffesse +cheik cheikh cheilalgie cheilite cheilodysraphie cheilophagie cheiloplastie +cheiloscopie cheimatobie cheire cheiromégalie cheiroplastie cheiroptère chelem +chelmon chelonia chemin cheminement cheminot cheminée chemisage chemise +chemisette chemisier chenalage chenalement chenapan chenet chenil chenille +cheptel cherche chercheur chergui chermésidé chernète cherry chert cherté +chessylite chester chetrum chevaine chevalement chevalerie chevalet chevalier +chevauchement chevaucheur chevauchée chevelu chevelure chevenne chevesne +chevilière chevillage chevillard cheville chevillement cheviller chevillette +chevillier chevillière chevilloir chevillère cheviotte chevrette chevreuil +chevrillard chevron chevronnage chevrot chevrotain chevrotement chevrotin +chevêche chevêchette chevêtre cheylète chiade chiadeur chialement chialeur +chianti chiard chiasma chiasme chiasse chibouk chibouque chic chicane +chicaneur chicanier chicano chicard chichi chicon chicoracée chicorée chicot +chicotin chicotte chien chiendent chienlit chienne chiennerie chierie chieur +chiffon chiffonnade chiffonnage chiffonne chiffonnement chiffonnier +chiffrage chiffre chiffrement chiffreur chiffrier chifonie chignole chignon +chiisme chiite chikungunya chilalgie chilblain chiliarchie chiliarque chilien +chillagite chilo chilocore chilodon chilophagie chiloplastie chilopode +chilostome chimbéré chimiatrie chimicage chimie chimiluminescence +chimioluminescence chimionucléolyse chimiopallidectomie chimioprophylaxie +chimiorécepteur chimiorésistance chimiosensibilité chimiosorption +chimiotactisme chimiotaxie chimiotaxinomie chimiothérapeute chimiothérapie +chimiquage chimiquier chimisme chimiste chimiurgie chimpanzé chimère +chinage chinchard chinchilla chinchillidé chincoteague chine chinetoque +chinoiserie chinook chintoc chinure chioglosse chiolite chione chionididé +chionée chiot chiotte chiourme chip chipage chipeur chipie chipmunk chipolata +chipoterie chipoteur chique chiquenaude chiquet chiquetage chiqueteur chiqueur +chiracanthium chiralgie chiralité chiridium chirobrachialgie chirocentridé +chirognomie chirognomonie chirographie chirolepte chirologie chiromancie +chiromégalie chironeurome chironome chironomidé chironomie chiropodie +chiropracteur chiropractie chiropractor chiropraticien chiropraxie chiroptère +chirotonie chirou chirurgie chirurgien chistera chitine chiton +chiure chiée chlamyde chlamydiose chlamydobactériale chlamydophore +chlamydozoon chlasse chleuh chloanthite chloasma chloracétate chloracétone +chloral chloramine chloramphénicol chloranile chloraniline chloranthie +chlorarsine chlorate chloration chlordane chlore chlorelle chlorhydrate +chlorhydrine chloridea chlorite chloritoschiste chloritoïde chloroaluminate +chloroanémie chlorobenzène chlorocarbonate chlorocuprate chlorocyanure +chlorofluorocarbone chlorofluorocarbure chlorofluorure chloroforme +chloroformisation chlorogonium chloroleucémie chlorolymphome chloroma +chlorome chloromercurate chloromycétine chloromyia chloromyélome chloromyélose +chlorométhane chlorométhylation chlorométhyle chlorométhyloxiranne +chloronaphtalène chloronitrobenzène chloronium chloronychie chloropale +chloropexie chlorophane chlorophosphate chlorophycée chlorophylle chlorophénol +chloropidé chloroplaste chloroplatinate chloroplatinite chloropropanol +chloroprène chloropsie chloropénie chloroquine chlorose chlorosulfite +chlorotique chlorotitanate chlorotoluène chloroxiphite chlorpromazine +chlorurachie chlorurage chlorurant chloruration chlorure chlorurie chlorurémie +chlorémie chloréthane chloréthanol chloréthylène chnoque chnouff choachyte +choanoflagellé choc chocard chochotte chocolat chocolaterie chocolatier +choerocampe choeur chogramme choisisseur choke choke-bore choker cholagogue +cholalémie cholane cholangiectasie cholangiocarcinome cholangiographie +cholangiome cholangiométrie cholangiopancréatographie cholangiostomie +cholangite cholanthrène cholestane cholestase cholestéatome cholestérine +cholestérogenèse cholestérol cholestérolose cholestérolyse cholestérolémie +cholestérose cholette choline cholinergie cholinestérase cholo cholorrhée +cholothrombose cholurie cholécalciférol cholécystalgie cholécystatonie +cholécystectasie cholécystectomie cholécystite cholécystodochostomie +cholécystogastrostomie cholécystographie cholécystokinine cholécystopathie +cholécystorraphie cholécystose cholécystostomie cholécystotomie +cholédochographie cholédocholithiase cholédochoplastie cholédochostomie +cholédocite cholédographie cholédoque cholégraphie cholélithe cholélithiase +cholélithotripsie cholélithotritie cholémie cholémimétrie cholémogramme +cholépathie cholépoèse cholépoétique cholépoïèse cholépoïétique cholépéritoine +cholérine cholérique cholérragie cholérèse cholérétique cholïambe chon +chondre chondrectomie chondrichthyen chondrichtyen chondrification +chondriolyse chondriome chondriomite chondriosome chondrite chondroblaste +chondrocalcinose chondrocalcose chondrodite chondrodysplasie chondrodystrophie +chondrogenèse chondrologie chondrolyse chondromalacie chondromatose chondrome +chondropolydystrophie chondrosamine chondrosarcome chondrosine chondrostome +chondrotomie chop chope chopin chopine chopinette chopper choquard choquart +chorale chorde chordite chordome chordopexie chordotomie chordé chorea +choriocapillaire choriocarcinome choriogonadotrophine chorioméningite chorion +choriorétine choriorétinite choriorétinopathie chorioépithéliome choriste +choristome chorizo chorodidascale chorologie choroïde choroïdite choroïdose +chortophile chorège choréauteur chorédrame chorée chorégie chorégraphe +choréique chorélogie choréophrasie choréoïde chorévêque chorïambe chose +chosisme chosiste choséité chott chouan chouannerie chouchou chouchoutage +chouette chouia choukar chouleur choupette chourin chourineur choute choéphore +chrestomathie chrie chriscraft chrismation chrismatoire chrisme christ +christianisation christianisme christianite christino christocentrisme +chromaffinome chromage chromammine chromanne chromatage chromatation chromate +chromatide chromatine chromatisation chromatisme chromatocyte chromatogramme +chromatographie chromatolyse chromatomètre chromatophore chromatophorome +chromatopsie chromdiopside chrome chromeur chromhidrose chromiammine +chromicyanure chromidie chromidrose chromie chromifluorure chrominance +chromiste chromite chromo chromoammine chromoblastomycose chromocyanure +chromodiagnostic chromodynamique chromoferrite chromogène chromolithographie +chromomycose chromomère chromométrie chromone chromophile chromophillyse +chromoprotéide chromoprotéine chromoptomètre chromoscopie chromosome +chromothérapie chromotrope chromotropisme chromotypie chromotypographie +chromyle chromé chronaxie chronaximétrie chronicité chronique chroniqueur +chronoanalyseur chronobiologie chronocardiographie chronodiététique +chronographe chronographie chronologie chronologiste chronomètre chronométrage +chronométrie chronopathologie chronophage chronopharmacologie +chronophysiologie chronorupteur chronostratigraphie chronosusceptibilité +chronothérapie chronotoxicologie chrysalidation chrysalide chrysanthème +chrysaora chrysididé chrysobéryl chrysocale chrysochloridé chrysochraon +chrysochroma chrysocole chrysocolle chrysocyanose chrysographie +chrysolite chrysolithe chrysolophe chrysomitra chrysomyia chrysomyza +chrysomélidé chrysope chrysopexie chrysophore chrysoprase chrysostome +chrysotile chrysozona chrysène chryséose chrétien chrétienté chrême chtimi +chuchotement chuchoterie chuchoteur chuintante chuintement chukar chukwalla +churinga chuscle chute chuteur chydoridé chylangiome chyle chylomicron +chylopéritoine chylurie chyme chymosine chymotrypsinogène chypriote châle +châsse châtaigne châtaigneraie châtaigneur châtaignier châtain châteaubriant +châtelaine châtelet châtellenie châtelperronien châtiment châtrage châtreur +châtré chèche chènevière chènevotte chèque chère chèvre chèvrefeuille +chébec chéchia chéilite chéilosie chéiroptère chélate chélateur chélation +chélicère chélicérate chélidoine chélidonine chélifère chélodine chélone +chéloniellon chélonien chélonobie chéloïde chélure chélydre chélydridé +chémocepteur chémodectome chémorécepteur chémoréceptome chémosensibilité +chénopode chénopodiacée chéquard chéquier chéri chérif chérifat chérimolier +chérubinisme chérubisme chétivisme chétivité chétodon chétodontidé chétognathe +chétoptère chétotaxie chênaie chêne chômage chômeur cibare cibiche cibiste +cible ciboire ciborium ciboule ciboulette ciboulot cicadelle cicadette +cicadule cicatrice cicatricule cicatrisant cicatrisation cicerbita cicerelle +cichlasome cichlidé cicindèle ciclosporine ciconiidé ciconiiforme cicutine +cicéro cicérone cidre cidrerie ciel cierge cigale cigalier cigare cigarette +cigarillo cigarière cigogne ciguatera ciguë cil cilice cilicien ciliostase +cilié cillement cillopasteurella cimaise cimarron cime ciment cimentage +cimenterie cimentier cimeterre cimetière cimicaire cimicidé cimier cinabre +cinchonamine cinchonidine cinchonine cincle cinesthésie cinglage cinglement +cinglé cingulectomie cingulotomie cingulum cini cinnamaldéhyde cinnamate +cinnamyle cinnoline cinnolone cinnyle cinoche cinoque cinorthèse cinquantaine +cinquantenier cinquantième cinquième cintrage cintre cintreuse cintrier cinède +ciné ciné-club cinéangiographie cinéaste cinécardioangiographie +cinédensigraphie cinégammagraphie cinéhologramme cinéma cinémaniaque cinémanie +cinémathèque cinématique cinématographe cinématographie cinémitrailleuse +cinémomètre cinémyélographie cinéol cinépathie cinéphage cinéphile cinéphilie +cinéradiographie cinéradiométrie cinéraire cinérama cinérine cinérite +cinéroman cinéscintigraphie cinésialgie cinésie cinésiologie cinésithérapie +cinétie cinétique cinétir cinétisme cinétiste cinétographie cinétropisme +cione cionella cionite cionotome cipaye cipolin cippe cirage circassien +circoncellion circoncision circonférence circonlocution circonscription +circonstance circonstancielle circonstant circonvallation circonvolution +circuiterie circulaire circularisation circularité circulateur circulation +circumnavigateur circumnavigation cire cireur cireuse cirier cirière ciroir +cirque cirratule cirre cirrhe cirrhose cirrhotique cirripède cirse cirsocèle +ciré cisaillage cisaille cisaillement ciselage ciselet ciseleur ciselier +cisellerie ciselure cisjordanien cisoir cissoïdale cissoïde ciste cistercien +cisternographie cisternostomie cisternotomie cisticole cistre cistron cistude +cisvestisme cisèlement citadelle citadin citateur citation citerne citernier +citharidé citharine cithariste citharède citoyen citoyenneté citral citrate +citratémie citrine citrobacter citron citronellal citronellol citronnade +citronnier citrouille citrulline citrullinémie citrémie cité civadière cive +civet civette civettone civil civilisateur civilisation civiliste civilisé +civisme civière clabaud clabaudage clabauderie clabaudeur clabot clabotage +clade cladisme cladiste cladocère cladomelea cladonema cladonie cladosporiose +claie claim clain clair clairance claircière claire clairet clairette +clairon clairvoyance clairvoyant clairçage clam clameur clamp clampage clan +clandestinité clandé clangor clanisme claniste clapage clapet clapier clapot +clapotement clappement clapping claquade claquage claquante claque claquedent +claquet claquette claqueur claquoir clarain clarificateur clarification +clariidé clarine clarinette clarinettiste clarisse clarkéite clarté clash +clasmatose classage classe classement classeur classeuse classicisme +classification classifieur classique clastomanie clathrate clathre clathrine +claudétite claumatographie clauque clause clausilia clausoir clausthalite +claustration claustromanie claustrophobe claustrophobie clausule clavage +clavagellidé clavaire clavame clavatelle clavecin claveciniste claveline +clavelée clavetage clavette clavicorde clavicorne clavicule claviculomancie +clavigère claviste clavière clavulaire clayer clayette claymore clayon +clayère clearance clearing cleavelandite clef clenche clenchette clephte +clepsydre clepte cleptomane cleptomanie cleptoparasite cleptophobie clerc +clergie clergé clic clichage cliche clichement clicherie clicheur cliché click +client clientèle clientélisme clientéliste clignement clignotant clignotement +climat climatisation climatiseur climatisme climatographie climatologie +climatologue climatopathologie climatothérapie climatère climatérie clin +clinfoc clinicat clinicien clinidé clinique clinker clinochlore clinoclase +clinocéphalie clinodactylie clinoenstatite clinohumite clinohédrite clinomanie +clinophilie clinoprophylaxie clinopyroxène clinopyroxénite clinostat +clinothérapie clinozoïsite clinquant clintonite clio clip clipper cliquart +cliquet cliquette cliquettement cliquètement clisse clitique clitocybe +clitorisme clivage cliveur cloanthite cloaque clochage clochard +cloche clocher clocheteur clocheton clochette clocteur clodo clofibrate +cloisonnage cloisonnaire cloisonnement cloisonnisme cloisonniste cloisonné +clonage clone cloneur clonidine clonie clonisme clonorchiase clope cloporte +cloquage cloque cloquetier cloqué closage closerie closier closoir +clostridion clostridium clou clouabilité clouage cloueur cloueuse cloutage +clouterie cloutier cloutière clovisse clown clownerie clownisme cloyère +club clubbing clubione clubiste clumber clunio cluniste clupéidé clupéiforme +cluster clydesdale clymenia clyménie clypeaster clypéastroïde clysia clysoir +clystère clyte clythre clytre clé clébard clédonismancie clédonomancie +cléidomancie cléidonomancie cléidotomie clématite clémence clémentin +clémentinier cléonine cléricalisation cléricalisme cléricature cléridé +clérouque clérouquie clévéite clôture cm cneorum cnephasia cnidaire +cnémalgie cnémide cnémidophore cnéoracée coaccusation coaccusé coacervation +coacquisition coacquéreur coadaptateur coadaptation coadjuteur +coadministration coagglutination coagglutinine coagulabilité coagulant +coagulation coagulographie coagulopathie coagulum coalescence coalisé +coallergie coaltar coanimateur coanimation coaptation coapteur coarctation +coarticulation coassement coassociation coassocié coassurance coassureur coati +cob cobaea cobalamine cobaltage cobalthérapie cobaltiammine cobalticarbonate +cobaltine cobaltinitrite cobaltite cobaltoammine cobaltocyanure cobaltoménite +cobaye cobe cobelligérant cobier cobinamide cobol cobra cobéa cobée coca +cocarboxylase cocarcinogène cocarde cocardier cocasse cocasserie cocassier +cocaïne cocaïnisation cocaïnisme cocaïnomane cocaïnomanie coccidie coccidiose +coccidioïdomycose coccidé coccinelle coccinellidé coccobacille coccolite +coccolithophore coccoloba coccycéphale coccydynie coccygodynie cochage coche +cochenillier cochenilline cocher cochet cochette cochlicopa cochlicopidé +cochléaire cochléaria cochléariidé cochlée cochoir cochon cochonceté +cochonne cochonnerie cochonnet cocker cockney cockpit cocktail coco cocon +coconnière coconscient cocontractant cocooning cocorico cocorli cocoteraie +cocotte cocotterie cocourant cocréancier cocréateur coction cocu cocuage +cocyclicité coda codage code codemandeur codeur codicille codicologie +codification codifieur codille codirecteur codirection codirigeant codominance +codonataire codonateur codébiteur codécouvreur codéine codéinomanie +codéshydrogénase codétenteur codétenu codéthyline coecosigmoïdostomie +coefficient coelacanthe coelentéré coeliakie coelialgie coelifère +coeliome coelioscope coelioscopie coeliotomie coelodendridé coelomate coelome +coelope coelosomie coelosomien coelothéliome coelurosaure coempereur coendou +coengagement coenomyie coenonympha coenothécale coentraîneur coentreprise +coenurose coenzyme coenécie coercibilité coercition coercitivité coerébidé +coeur coexistence coexploitation coexpression coexécuteur cofacteur cofactor +coffin coffinite coffrage coffre coffret coffreterie coffretier coffreur +cofondateur cofondation cogestion cogitation cognac cognassier cognat +cogne cognement cogneur cogniticien cognition cognitivisme cognitiviste cognée +cogérance cogérant cohabitant cohabitation cohobation cohomologie cohorte +cohénite cohérence cohéreur cohéritier cohésifère cohésion cohésivité coiffage +coiffe coiffette coiffeur coiffeuse coiffure coin coincement coinceur coinchée +coinfection coing coinçage coite cojurateur cojureur cojusticier cokage coke +coking cokéfaction col cola colacrète colapte colaspidème colateur colatier +colback colbertisme colbertiste colchicacée colchicine colchique colcotar +coleader colectasie colectomie colette coliade colibacille colibacillose +colibacillémie colibri colicine colicitant colifichet coliforme coliiforme +colin colinot coliou colique coliquidateur colisage colise colistier colistine +collabo collaborateur collaboration collaborationniste collage collagène +collagénose collant collante collapse collapsothérapie collargol collateur +collationnement collationnure collatérale collatéralité colle collectage +collecteur collectif collection collectionneur collectionnisme +collectivisation collectivisme collectiviste collectivité collembole +collerette collet colletage colleteur colleteuse colleur colleuse colley +collidine collie collier colligation collimateur collimation colline collision +collocale collocation collodion colloi colloque collosphère collothécacé +colloxyline colloyeur colloïde colloïdoclasie colloïdome colloïdopexie +collure collusion collutoire colluvion colluvionnement collybie collyre +collègue collète collé collégiale collégialité collégien colmatage colo colobe +coloboma colobome colocase colocataire colocation colocolo colocystoplastie +colofibroscope colofibroscopie cologarithme cololyse colombage colombe +colombiculture colombien colombier colombiforme colombin colombinage colombine +colombo colombophile colombophilie colomnisation colon colonage colonat +colonger colonialisme colonialiste colonie colonisateur colonisation colonisé +colonne colonnelle colonnette colonoscopie colopathie colopexie colopexotomie +colophon coloplication coloptose coloquinte coloradoïte colorant coloration +colorectostomie coloriage colorieur colorimètre colorimétrie colorisation +colorraphie coloscope coloscopie colosse colostomie colostomisé colostrum +colotomie colotuberculose colotyphlite colotyphoïde colourpoint colpectomie +colpocoeliotomie colpocystographie colpocystopexie colpocystostomie +colpocytologie colpocèle colpode colpodystrophie colpogramme colpokératose +colpoplastie colpoptose colpopérinéoplastie colpopérinéorraphie colporaphie +colportage colporteur colposcopie colposténose colpotomie colpotomisation colt +coltineur colubridé colugo columbarium columbella columbia columbidé +columbite columelle columnisation colvert colydiidé colydium colymbidé +colza colzatier colère colégataire colémanite coléocèle coléophore coléoptile +coléoptère coléoptériste coléorrhexie coléoïdé colérique coma comanche +comandataire comaternité comatule comatulidé comatéite combat combatif +combattant combe combientième combinaison combinard combinat combinateur +combine combinette combiné combinée combisme comblage comblanchien comble +combo comburant combustibilité combustible combustion comendite comestibilité +comique comitadji comitard comitatif comitialité comité comma command +commandature commande commandement commanderie commandeur commanditaire +commandité commando commencement commendataire commende commensalisme +commentaire commentateur commençant commerce commerciale commercialisation +commercialité commerçant commettage commettant comminution commissaire +commission commissionnaire commissionnement commissure commissuroplastie +commissurotomie commisération commodat commodataire commode commodité +commotion commotionné commuabilité commun communale communalisation +communaliste communard communautarisation communautarisme communautariste +commune communero communiant communicateur communication communion communiqué +communisme communiste commutabilité commutateur commutation commutativité +commère commémoraison commémoration commérage comopithèque comorien compacité +compactage compacteur compactification compaction compagne compagnie compagnon +compair compal compale comparabilité comparaison comparant comparateur +comparatisme comparatiste comparse compartiment compartimentage +comparution compassage compassement compassier compassion compaternité +compatriote compendium compensateur compensation compersonnier compilateur +complainte complaisance complant complanteur complantier complet complexation +complexification complexion complexité complexométrie complexé compliance +complice complicité compliment complimenteur compliqué complot comploteur +complément complémentabilité complémentaire complémentarité complémentation +complémenturie complémentémie complétion complétive complétivisation +complétude compo componction comporte comportement comportementalisme +composacée composant composante composeur composeuse composite compositeur +compositionnalité compossibilité compost compostage composteur composé +compote compotier compoundage compradore compreignacite compresse compresseur +compression comprimé compromission compréhensibilité compréhension compsilura +comptabilisation comptabilité comptable comptage comptant compte compteur +comptoir compulsation compulsif compulsion comput computation computer +compère compénétration compérage compétence compétiteur compétition +comtadin comtat comte comtesse comtoise comté comète comédiateur comédie +comédon coméphore con conard conasse conatif conation concanavaline concassage +concasseur concaténation concavité concentrateur concentration concentricité +concept conceptacle concepteur conception conceptioniste conceptionniste +conceptiste conceptualisation conceptualisme conceptualiste conceptualité +concertation concertina concertino concertiste concerto concession +concessionnalité concessive concetti concevabilité conchage conche +conchostracé conchotomie conchoïde conchyliculteur conchyliculture +conchyliologiste concierge conciergerie concile conciliabule conciliateur +concision concitoyen concitoyenneté conclave conclaviste conclusion concoction +concomitance concordance concordat concordataire concorde concordisme +concouriste concrescence concrétion concrétionnement concrétisation concubin +concupiscence concupiscent concurrence concurrent concussion concussionnaire +concélébration condamnation condamné condensat condensateur condensation +condensé condescendance condiment condisciple condition conditionnalité +conditionnement conditionneur conditionneuse conditionné condom condominium +condottiere conductance conducteur conductibilité conductimétrie conduction +conduiseur conduit conduite condylarthre condyle condylome condylure condé +confection confectionnabilité confectionneur conferve confesse confesseur +confessionnalisation confessionnalisme confessionnalité confetti confiance +confident confidentialité configurateur configuration confinement confirmand +confirmation confirmé confiscation confiserie confiseur confit confitage +confiturerie confiturier conflagration conflictualité conflit confluence +conformateur conformation conformisme conformiste conformité conformère +confraternité confrontation confrère confrérie confucianisme confucianiste +confusion confusionnisme confusionniste confédéralisation confédérateur +confédéré conférence conférencier conga congaye congaï conge congelé congeria +conglomérat conglomération conglutinant conglutinatif conglutination +congratulation congre congressiste congrier congruence congruisme congruiste +congréganiste congrégation congrégationalisme congrégationaliste congère congé +congélateur congélation congénère congérie conichalcite conicine conicité +conidé conifère coniférine coniine conine coniose coniosporiose coniotomie +conirostre conisation conjecture conjoint conjoncteur conjonctif conjonction +conjonctivite conjonctivome conjonctivopathie conjoncture conjoncturiste +conjugalité conjugueur conjugué conjuguée conjurateur conjuration conjureur +connaissance connaissement connaisseur connard connasse connaturalité +connecteur connectif connectique connectivite connectivité connellite connerie +connexionnisme connexionniste connexité connivence connotateur connotation +connétablie conocéphale conopidé conopophage conopée conotriche conoïde conque +conquêt conquête consacrant consanguinité conscience conscient +conscription conscrit conseil conseiller conseilleur conseillisme conseilliste +consensualiste consentement conservateur conservation conservatisme +conservatoire conserve conserverie conserveur considérant considération +consignateur consignation consigne consistance consistoire consoeur consol +consolation console consolidation consommarisation consommateur consommation +consomption consonance consonantification consonantisme consonne consort +consoude conspirateur conspiration constable constance constantan constante +constatant constatation constellation consternation constipation constipé +constituante constitutif constitution constitutionnaire constitutionnalisation +constitutionnaliste constitutionnalité constitutionnel constricteur +constrictive constrictor constructeur constructibilité construction +constructiviste constructivité consubstantialisme consubstantialité +consul consularité consulat consultant consultation consulte consulteur +consume consumérisme consumériste consécrateur consécration consécution +conséquence conséquent conséquente contact contacteur contacthérapie +contactologiste contactothérapie contadin contage contagion contagionisme +container containérisation contaminant contamination contarinia conte +contemplatif contemplation contemporain contemporaniste contemporanéité +contemption contenance contenant conteneur conteneurisation content +contention contenu contestant contestataire contestateur contestation conteste +contexte contextualisation contexture contiguïté continence continent +continentalité contingence contingent contingentement continu continuateur +continuité continuo continuum contorsion contorsionniste contour contournage +contraceptif contraception contractant contractilité contraction +contractualisme contractualité contractuel contracture contradicteur +contragestion contrainte contraire contraltiste contralto contrapontiste +contrariété contraste contrat contravention contre contre-allée contre-jour +contre-manifestation contre-révolutionnaire contrebande contrebandier +contrebassiste contrebasson contrebatterie contrebatteur contrebutement +contrechamp contreclef contrecoeur contrecollage contrecoup contredanse +contredit contredosse contrefacteur contrefaçon contrefiche contrefil +contrefort contreguérilla contremanifestant contremanifestation contremarche +contremaître contremine contreparement contrepartie contrepente contrepet +contreplacage contreplaqué contreplongée contrepoint contrepointiste +contrepouvoir contreprojet contreproposition contrepublicité contrepulsation +contrepèterie contrerail contrerégulation contrescarpe contreseing +contresignature contresujet contretaille contretransfert contretype contreur +contrevenant contrevent contreventement contrevérité contribuable contributeur +contrition contrordre controverse controversiste contrée contrôlabilité +contrôleur contumace contusion conté conulaire conurbation convalescence +convecteur convection convenance convenant convent conventicule convention +conventionnaliste conventionnel conventionnement conventualité convergence +conversion converti convertibilité convertible convertine convertinémie +convertissement convertisseur convexion convexité convexobasie convict +convive convivialité convié convocation convoi convoiement convoiteur +convolute convolution convolvulacée convoyage convoyeur convulsion +convulsivant convulsivothérapie conépate coobligation coobligé cooccupant +cooccurrence cooccurrent cookie cookéite coolie coop cooptation coopté +coopérateur coopération coopératisme coopérative coopérite coordinateur +coordinence coordonnant coordonnateur coordonnée coorganisateur copahier +copahène copain copal copalier copaline coparrain coparrainage copartage +copartagé coparticipant coparticipation copaternité copayer copazoline copaène +copermutant copermutation copernicien cophochirurgie cophose cophémie copiage +copie copieur copilote copinage copinerie copiste coplanarité copocléphilie +copolymérisation copossesseur copossession coppa copra coprah copreneur coprin +coproculture coproducteur coproduction coprolalie coprolithe coprologie +coprome coprophage coprophagie coprophile coprophilie coproporphyrie +coproporphyrinogène coproporphyrinurie copropriétaire copropriété coproscopie +coprostase coprostasie coprécipité coprésentateur coprésidence coprésident +copte copulant copulation copulative copule copyright copyrighter copépode coq +coquart coque coquecigrue coquelet coquelicot coqueluche coquemar coquerelle +coquerico coquerie coqueron coquet coquetier coquetière coquette coquetterie +coquillard coquillart coquille coquillette coquillier coquimbite coquin +coquâtre cor cora coraciadidé coraciadiforme coracidie coraciiforme coracin +coracoïde coracoïdite corailleur coraillère coralière coralliaire corallide +coralline coralliophage corambe corambidé corb corbeautière corbeille +corbillard corbillat corbillon corbin corbule cordage corde cordelette +cordelière cordelle corderie cordeur cordialité cordier cordillère cordite +cordon cordonnage cordonnerie cordonnet cordonneuse cordonnier cordopexie +cordotomie cordouan cordulie cordyle cordylidé cordylite cordylobie cordé +corectopie coreligionnaire corepraxie corescope coresponsabilité corfiote +coricide corindon corinthien corise corize corkite corlieu cormaillot corme +cormier cormophyte cormoran cornac cornacée cornade cornage cornaline cornard +cornea corneillard corneille corneillère cornement cornemuse cornemuseur +cornet cornetier cornette cornettiste corniaud corniche cornichon corniculaire +cornier cornillon corniot corniste cornière cornouille cornouiller cornue +cornwallite cornée cornéenne cornétite corollaire corolle coron coronadite +coronale coronarien coronarite coronarographie coronaropathie coronelle +coronille coronographe coronographie coronoplastie coronule corophium +corozo corporation corporatisme corporatiste corporéité corpsard corpulence +corral corrasion correcteur correctif correction correctionalisation +correctionnalité correctionnelle correspondance correspondancier correspondant +corridor corriedale corrigeabilité corrigeur corrigibilité corrigé corrine +corrodant corroi corroierie corrosif corrosion corroyage corroyeur corrugation +corruptibilité corruption corrélat corrélateur corrélatif corrélation +corsac corsage corsaire corse corselet corset corseterie corsetier corsite +cortectomie corticale corticogenèse corticographie corticolibérine +corticostimuline corticostérone corticostéroïde corticostéroïdogenèse +corticosurrénalome corticothérapie corticotrophine corticotropin corticoïde +cortine cortisol cortisolémie cortisone cortisonothérapie cortisonurie corton +corvettard corvette corvicide corvidé corvusite corvéable corvée corybante +corycéidé corydale corymbe corynanthe corynanthéine corynebacterium corynète +corynéphore coryphène coryphée coryza corèthre coré coréen coréférence +coréférentialité corégone corégulation coréidé coréoplastie corépraxie +cosalite cosaque coscinocera coscénariste cosecrétaire coseigneur coseigneurie +cosiste cosme cosmobiologie cosmochimie cosmodrome cosmogonie cosmographe +cosmologie cosmologiste cosmonaute cosmopathologie cosmophysique cosmopolite +cosmotriche cosmète cosmétique cosmétologie cosmétologue cosociétaire +cossard cosse cossette cossidé cossiste cosson cossyphe costar costard +costaud costectomie costia costière costumbrisme costume costumier cosy +cotangente cotardie cotation cote coterie coteur cothurne cothurnie cotice +cotier cotignac cotillon cotinga cotingidé cotisant cotisation cotitulaire +cotonnade cotonnage cotonnerie cotonnier cotonéaster cotre cotret cottage +cotte cottidé cottoïde cotunnite coturniculteur coturniculture cotutelle +cotyle cotylosaurien cotylédon cou coua couac couagga couard couardise coucal +couchant couche coucher coucherie couchette coucheur coucheuse couchoir coucou +coudage coude coudière coudoiement coudou coudraie coudreuse coudrier coudée +couette couffe couffin cougouar couguar couille couillon couillonnade +couinement coulabilité coulage coulant coule coulemelle couleur couleuvre +couleuvrinier coulevrinier coulissage coulisse coulissement coulissier couloir +coulomb coulombmètre coulon coulpe coulure coulé coulée coumaline coumaranne +coumarone coumestrol coup coupable coupage coupant coupe coupe-cheville +coupe-file coupe-jarret coupe-racine coupe-tige coupe-tube coupellation +coupellier couperet couperose coupeur coupeuse couplage couple couplement +coupleur couplé coupoir coupole coupon couponnage coupure coupé coupée couque +courage courant courante courantologie courantologue courbache courbage +courbature courbe courbement courbette courbine courbure courcaillet courette +coureuse courge courgette courlan courol couronne couronnement couroucou +courriériste courroie course coursier coursive coursière courson coursonne +court-noué courtage courtaud courtepointe courtepointier courterole courtier +courtine courtisan courtisane courtisanerie courtoisie courvite courçon courée +cousette couseur couseuse cousin cousinage coussin coussinet cousso coustilier +coutelière coutellerie coutil coutilier coutre coutrier coutrière coutume +couturage couture couturier couturière couvade couvage couvain couvaison +couventine couvercle couvert couverte couverture couverturier couveuse couvoir +couvre-canon couvre-lit couvre-nuque couvre-percuteur couvre-shako couvrement +couvrure couvée covalence covariance covariant covariation covecteur covedette +covenantaire covendeur cover-boy cover-girl covoiturage cow-girl cowboy +cowper cowpérite coxa coxalgie coxalgique coxarthrie coxarthrose coxiella +coxodynie coxométrie coxopathie coxsackie coyote coypou cozymase coéchangiste +coédition coéducation coéquation coéquipier coésite coévolution coëffette coën +coïncidence coïnculpé coïndivisaire coït coût crabe crabier crabot crabotage +crabron crac crachat crachement cracheur crachin crachoir crachotement +cracidé crack cracker cracking cracovienne cracticidé craie craillement +craintif craken crakouse crambe crambé cramique cramoisi crampage crampe +crampon cramponnage cramponnement cramponnet cran cranchia cranequinier +craniectomie cranioclasie cranioclaste craniographie craniologie craniomalacie +craniopage craniopathie craniopharyngiome cranioplastie craniorrhée +craniospongiose craniosténose craniosynostose craniotomie crantage crapahut +crapahuteur crapaud crapaudine crapaudière crapaütage crapette crapouillot +crapule crapulerie craquage craquant craque craquelage craquelin craquellement +craquelé craquement craquettement craqueur craqure craquèlement craquètement +crash crassane crassatella crassatellidé crasse crassier crassostrea +crassule craterelle craticulage craticulation craticule craton cratonisation +cratérisation cratérope cravache cravant cravate cravatier crave crawl +crayer crayon crayonnage crayonneur crayonniste crayère craïer crednérite +cresserine cressiculteur cressiculture cresson cressonnette cressonnière +creusage creusement creuset creusetier creusiste creusure crevaison crevard +crevette crevettier crevettine crevettière crevé crevée cri criaillement +criailleur crib criblage crible cribleur cribleuse criblure cric crichtonite +cricoïde cricri cricétidé cricétiné crieur crime criminalisation criminaliste +criminel criminelle criminologie criminologiste criminologue crimora criméen +crincrin crinier crinière crinoline crinoïde criocère criocéphale criollo +criquet crise crispage crispation crispin crissement cristalblanc cristallerie +cristallin cristallisation cristallisoir cristallite cristallochimie +cristallographe cristallographie cristallogénie cristalloluminescence +cristallophone cristalloïde cristaria cristatelle cristobalite crithidia +crithmum criticisme criticiste critique critiqueur critomancie critère +criée croassement croate croc crochage croche croche-patte crochet crochetage +crochon crocidolite crocidure crocodile crocodilidé crocodilien crocosmia +crocoïte croisade croisement croisette croiseur croisier croisillon croisière +croissance croissant croissantier croisé croisée cromlech cromniomancie +cronstedtite crookésite crooner croquant croquembouche croquemitaine croquenot +croquet croquette croqueur croquignole croskill croskillette crosne cross-roll +crossaster crosse crossectomie crossette crosseur crossite crossocosmie +crossoptérygien crotale crotaliné croton crotonaldéhyde crotonate crotte +crotyle crouillat crouille croulant croule croup croupade croupe croupier +croupissement croupière croupon crouponnage crouponneur croustade croyance +croît croûtage croûte croûton cru cruauté cruche cruchette cruchon +crucifixion crucifié crucifère cruciféracée cruciverbiste crudité crue cruiser +cruppellaire cruralgie crush crustacé crustacéologie cruzado cruzeiro +cryanesthésie cryergie cryesthésie crylor cryoalternateur cryoapplication +cryocautère cryochimie cryochirurgie cryoclastie cryoconducteur +cryodessiccation cryofibrinogène cryofibrinogénémie cryoglobuline +cryogénie cryogénisation cryogénérateur cryohydrate cryoinvagination +cryolite cryolithe cryolithionite cryologie cryoluminescence cryomagnétisme +cryométrie cryopathie cryoplexie cryoprotecteur cryoprotection cryoprotéine +cryoprécipitabilité cryoprécipitation cryoprécipité cryopréservation +cryorétinopexie cryoscalpel cryosclérose cryoscopie cryosonde cryostat +cryotransformateur cryotron cryoturbation cryoébarbage cryptage +crypte cryptesthésie crypticité cryptie cryptiné cryptite crypto cryptobiose +cryptocalvinisme cryptocalviniste cryptococcose cryptocommuniste cryptocoque +cryptocéphale cryptocérate cryptodire cryptogame cryptogamie cryptogamiste +cryptographe cryptographie cryptohalite cryptoleucose cryptoleucémie +cryptologue cryptomeria cryptomnésie cryptomonadale cryptomètre +cryptoniscien cryptonémiale cryptonéphridie cryptophage cryptophonie +cryptophycée cryptophyte cryptopodie cryptoportique cryptoprocte cryptopsychie +cryptopériode cryptorchidie cryptorelief cryptorhynque cryptosporidie +cryptostegia cryptothyréose cryptotétanie cryptozoïte crystal crâne crânerie +crèche crème crève créance créancier créateur créatif créatine créatinine +créatininémie créatinurie créatinémie création créationnisme créationniste +créativité créatorrhée créature crécelle crécerelle crécerellette crédence +crédibilité crédirentier crédit créditeur créditiste crédulité crémage +crémaillère crémant crémastogaster crémation crématiste crématoire crématorium +crémier crémone crénage crénatule crénelage crénelure crénilabre crénobiologie +créodonte créole créolisation créolisme créoliste créophile créosol créosotage +crépi crépidodéra crépidule crépin crépine crépinette crépinier crépissage +crépitement crépon crépuscule crésol crésyl crésylate crésyle crésylite +crételle crétin crétinerie crétinisation crétinisme créédite crêpage crêpe +crêperie crêpeuse crêpier crêpière crêpure crêt crête csar ctenicella cténaire +cténize cténizidé cténobranche cténocéphale cténodactylidé cténodonte +cténomyidé cténophore cténostome cuadro cubage cubain cubane cubanite cubanité +cube cubi cubiculaire cubiculum cubilot cubique cubisme cubiste cubitainer +cuboméduse cubèbe cubébine cubébène cuceron cucujidé cucujoïde cuculidé +cuculiiné cuculle cucullie cucumaria cucurbitacine cucurbitacée cucurbitain +cucurbitin cueillage cueillaison cueille cueillette cueilleur cueilleuse +cuesta cueva cuiller cuilleron cuillerée cuillère cuillérée cuir cuirasse +cuirassier cuirassé cuirier cuisette cuiseur cuisinage cuisine cuisinette +cuisiniste cuisinière cuissage cuissard cuissarde cuisse cuisson cuissot +cuistot cuistre cuistrerie cuite cuivrage cuivre cuivrerie cuivreur cul culage +culasse culbutage culbutant culbute culbutement culbuterie culbuteur culcita +culdotomie culeron culicidisme culicidé culicoïde culière culmination +culot culottage culotte culottier culpabilisation culpabilité culte cultisme +cultivar cultivateur culturalisme culturaliste culture culturisme culturiste +culturomanie cultéranisme cultéraniste culvert culée cumacé cumberlandisme +cumin cuminaldéhyde cuminoïne cummingtonite cumul cumulard cumène cunette +cuniculiculture cuniculteur cuniculture cunéiforme cuon cupidité cupidon +cupressacée cupressinée cupricyanure cuprimètre cuprite cupritétrahydrine +cuproammoniaque cuprochlorure cuprolithique cupronickel cuproplomb +cuprothérapie cuprurie cuprémie cupule cupulifère cupuliféracée cupulogramme +cupédidé cupésidé curabilité curage curaillon curare curarine curarisant +curatelle curateur curaçao curculionidé curcuma curcumine cure cure-dent +cure-oreille curetage cureton curettage curette cureuse curide curie +curiethérapie curion curiosité curiste curite curiénite curleur curling +curovaccination currawong curriculum curry curseur cursive curvimètre curé +cuscutacée cuscute cuspidariidé cuspide cuspidine cusseron cusson custode +cutanéolipectomie cuti cuticule cutine cutinisation cutiréaction cutisation +cutérèbre cutérébridé cuvage cuvaison cuve cuvelage cuvellement cuverie cuvert +cuvier cuvée cyame cyamidé cyamélide cyan cyanacétate cyanamide cyanate +cyanhydrine cyanidine cyanisation cyanite cyanoacrylate cyanobactérie +cyanocobalamine cyanodermie cyanofer cyanogène cyanopathie cyanophilie +cyanopsie cyanose cyanosé cyanotrichite cyanuration cyanure cyanurie cyanée +cyathocrinidé cyathosponge cyathozoïde cyberacheteur cybercafé +cyberemploi cyberespace cyberforum cybermarchand cybermarketing cybermonde +cybernéticien cybernétique cyberrandonneur cyberrencontre cyberreporter +cyberterroriste cybister cybocéphale cycadale cychre cyclade cyclamate +cyclamine cyclane cyclanone cyclazorcine cycle cyclicité cyclisation cyclisme +cyclite cyclitol cycloalcane cycloalcanol cycloalcanone cycloalcyne +cyclobutane cycloconvertisseur cyclocosmie cyclocryoapplication cyclocéphale +cyclodialyse cyclodiathermie cyclododécane cyclododécanone cyclododécatriène +cycloheptane cycloheptatriène cyclohexadiène cyclohexane cyclohexanol +cyclohexylamine cyclohexyle cyclohexène cyclomastopathie cyclomoteur +cyclomyxa cyclonage cyclone cyclonite cyclooctadiène cyclooctane +cycloparaffine cyclope cyclopentadiène cyclopentane cyclopenténone cyclopexie +cyclophorie cyclophosphamide cyclophotocoagulation cyclophrénie +cyclopie cyclopien cycloplégie cyclopousse cyclopoïde cyclopropane cycloptère +cyclorameur cyclosalpa cyclosilicate cyclospasme cyclosporine cyclosthénie +cyclostrema cyclosérine cyclothone cyclothyme cyclothymie cyclothymique +cyclotocéphale cyclotourisme cyclotouriste cyclotron cyclotropie cycloïde +cyclure cyclène cydippe cydne cygne cylade cylichna cylindrage cylindraxe +cylindreur cylindrisme cylindrite cylindrocéphalie cylindrome cylindrurie +cyllosome cymaise cymatiidé cymatophore cymbalaire cymbale cymbalier +cymbalum cymbium cymbocéphalie cyme cymidine cymomètre cymothoa cymothoïdé +cymène cynanthropie cynhyène cynipidé cynique cynisme cynocéphale cynodonte +cynogale cynoglosse cynologie cynophile cynophilie cynophobie cynopithèque +cynorhodon cynégétique cyon cyphoderia cyphonaute cyphophthalme cyphoscoliose +cyprin cyprina cypriniculteur cypriniculture cyprinidé cypriniforme +cyprinodontiforme cypriote cyprière cyprée cypéracée cyrard cyrien +cyrtomètre cyrtométrie cyrénaïque cystadénome cystalgie cystathioninurie cyste +cystectomie cystencéphalocèle cysticercose cysticercoïde cysticerque cysticite +cystide cystidé cystine cystinose cystinurie cystinéphrose cystirragie cystite +cystocèle cystodynie cystofibrome cystographie cystolithotomie cystomanométrie +cystométrie cystométrogramme cystopexie cystophore cystoplastie cystoplégie +cystorragie cystosarcome cystoscope cystoscopie cystosigmoïdoplastie +cystotomie cystozoïde cystéine cytaphérèse cytase cythara cythère cythémie +cytise cytisine cytoarchitectonie cytoarchitectonique cytochimie cytochrome +cytocolposcopie cytodiagnostic cytodystrophie cytofluoromètre cytofluorométrie +cytogénéticien cytogénétique cytokine cytokinine cytokinèse cytologie +cytolyse cytolysine cytolytique cytomégalovirose cytométrie cytonocivité +cytophilie cytophérèse cytoplasme cytoponction cytopronostic cytopénie +cytosidérose cytosine cytosol cytosporidie cytosquelette cytostatique +cytotaxie cytotaxigène cytotaxine cytothérapie cytotoxicité cytotropisme +cytémie cyémidé czar czarévitch czimbalum câblage câble câblerie câbleur +câbliste câblo-opérateur câblodistributeur câblodistribution câblogramme +câblé câlin câlinerie câpre câprier cèdre cène cèpe cèphe cébidé cébocéphale +cébrion cébrionidé cécidie cécidomyidé cécidomyie cécilie céciliidé cécité +cédant cédi cédille cédraie cédrat cédratier cédrière cédrol cédrène cédule +cégétiste céladon céladonite célastracée céleri célesta célestin célestine +célibataire célonite célope célorraphie célosie célosome célosomie célostomie +célébration célébrité célérifère célérité cément cémentation cémentite +cémentoblastome cémentocye cémentome cénacle cénapse cénesthopathie +cénesthésiopathie cénestopathie cénobiarque cénobite cénobitisme cénosite +cénozoïque céntimo cénure cénurose cépage céphalalgie céphalalgique +céphalhématome céphaline céphalisation céphalobénidé céphalocordé céphalocèle +céphalogyre céphalogyrie céphalome céphalomèle céphalométrie céphalopage +céphalopine céphalopode céphaloptère céphalosporine céphalosporiose céphalée +céphème céphéide céphénémyie cépole cépée cérambycidé cérame céramique +céramographie céramologie cérargyre cérargyrite cérasine céraste cérat +cératite cératode cératomorphe cératopogon cératopogonidé cératopsien +céraunie cérianthaire cérificateur cérification cérinitrate cérisulfate cérite +cérithe cérithidé cérithiopsidé cérocome céroféraire cérographie cérolite +céropale céroplaste cérosine cérostome céruloplasmine cérumen cérure céruridé +cérusite céréale céréaliculteur céréaliculture céréalier cérébellectomie +cérébralité cérébratule cérébromalacie cérébrome cérébrosclérose cérébroside +cérémoniaire cérémonial cérémonialisme cérémonie céréopse cérésine +césalpinie césalpinée césar césarien césarienne césarisme césarolite +césaropapiste césine césure cétacé cétane céthéxonium cétimine cétiosaure +cétoalcool cétodonte cétogenèse cétogène cétohexose cétoine cétol cétolyse +cétone cétonurie cétonémie cétorhinidé cétose cétostéroïde cétoxime cétyle +cétérac cétérach cévenol córdoba côlon cône côte côtelette côtier côtière +côté dab dabe dace dachshund dacite dacnusa dacoït dacron dacryadénite +dacryocystectomie dacryocystite dacryocystographie dacryocystorhinostomie +dacryomégalie dacryon dacryorhinostomie dactyle dactylie dactylioglyphie +dactyliothèque dactylite dactylo dactylochirotide dactylocodage dactylocodeur +dactylogramme dactylographe dactylographie dactylogyre dactylologie +dactylophasie dactylopsila dactyloptère dactyloscopie dactylotechnie +dactylèthre dada dadaïsme dadaïste dadouque daff dague daguerréotype +daguerréotypiste daguet dahabieh dahir dahlia dahoméen dahu daim daimyo daine +dalatiidé dalaï-lama dallage dalle dalleur dallia dalmanitina dalmate +dalmatique dalot dalton daltonide daltonien daltonisme damad damage damalisque +damasquinage damasquineur damassage damasserie damasseur damassure damassé +dame damet dameur dameuse damier dammarane damnation damné damourite +damper danacaea danalite danaïde danaïte danburite dancerie dancing dandin +dandinette dandy dandysme danger dangerosité danien danio dannemorite danse +dansomètre dantonisme dantoniste dantrolène danubien danzon daonella daphnie +daphné daphnéphore daphnétine dapifer daraise darapskite darbouka darbysme +darce dard dardillon dargeot dargif dariole darique darne darqawi darse +dartmorr dartre dartrose daru darwinisme darwiniste dascille dascillidé dassie +dasychira dasychone dasycladale dasypeltiné dasypodidé dasypogoniné +dasyte dasyure dasyuridé datage dataire datation datcha date daterie dateur +dation datiscine datiscétine datographe datolite datte dattier datura daube +daubeur daubière daubrééite daubréélite dauffeur dauphin dauphinelle daurade +davantier davidite davier daw dawsonite dazibao daïmio daïquiri deal dealer +debye decauville decca deck decolopoda decrescendo dectique deerhound defassa +deilinia deiléphila dejada delafossite delco delessite delirium delphacidé +delphinaptériné delphinarium delphinidine delphinidé delphinium delphinologie +delta deltacisme deltacortisone deltaplane deltathérium deltaèdre deltidium +deltoïde delvauxite demande demandeur demandé demesmaekérite demeure demeuré +demi-aile demi-atténuation demi-bastion demi-bouteille demi-cadence demi-canon +demi-caractère demi-cellule demi-cercle demi-chaîne demi-colonne +demi-coupe demi-deuil demi-douzaine demi-droite demi-dunette demi-défaite +demi-finale demi-finaliste demi-fond demi-fret demi-frère demi-hauteur +demi-journée demi-lieue demi-longueur demi-lune demi-mesure demi-mondaine +demi-paon demi-pension demi-pensionnaire demi-pile demi-pièce demi-plié +demi-produit demi-pâte demi-quatrième demi-reliure demi-saison demi-seconde +demi-soeur demi-solde demi-soupir demi-tarif demi-teinte demi-tige demi-ton +demi-victoire demi-vierge demi-vol demi-vue demi-échec demi-élevage demiard +demoiselle dendrite dendrobate dendrochirote dendrochronologie +dendrocoelum dendrocolapte dendroctone dendrocygne dendrocératidé dendrogale +dendrolithe dendrologie dendromuriné dendromètre dendrométrie dendrone +dendrophore dendrophylle dendroïde dengue denier denrée densaplasie +densimètre densimétrie densirésistivité densitomètre densitométrie densité +dentaire dentale dentalisation dentelaire dentelet denteleur dentelle +dentellier dentellière dentelure dentelé denticule denticète dentier +dentine dentinogenèse dentirostre dentiste dentisterie dentition +dentolabiale dentome denture denté dentée deorsumvergence depressaria derbouka +derbylite derche dermabrasion dermalgie dermaptère dermatalgie dermatemyidé +dermatobie dermatofibrome dermatofibrose dermatoglyphe dermatologie +dermatologue dermatolysie dermatome dermatomycose dermatomyome dermatomyosite +dermatopathologie dermatophyte dermatophytie dermatophytose dermatoptère +dermatosclérose dermatoscopie dermatose dermatosparaxie dermatostomatite +derme dermeste dermestidé dermite dermochélyidé dermocorticoïde dermogenèse +dermographie dermographisme dermohypodermite dermolipectomie dermopathie +dermopharmacologie dermoponcture dermoptère dermopuncture dermotropisme +dermoépidermite dernier derny derrick derrière derviche descamisado +descemetocèle descemétite descendance descendant descenderie descendeur +descente descloizite descripteur descriptif description descriptivisme +design designer desman desmine desmiognathe desmodexie desmodontidé +desmodontose desmognathe desmographie desmolase desmologie desmome desmon +desmopressine desmorrhexie desmosome desmostylien desmotomie desmotropie +desponsation despotat despote despotisme desquamation dessablage dessablement +dessaignage dessaisissement dessaisonalisation dessalage dessalaison +dessaleur dessalinisateur dessalinisation dessalure dessautage dessautement +desserrage desserrement dessert desserte dessertissage desservant dessiatine +dessiccateur dessiccatif dessiccation dessillement dessin dessinandier +dessolement dessolure dessouchage dessouchement dessoucheuse dessoudure +dessèchement desséchant dessévage destin destinataire destinateur destination +destinézite destitution destour destrier destroyer destructeur destructibilité +destructivité destructuration dette detteur deuil deuton deutoneurone +deutéragoniste deutéranomalie deutéranope deutéranopie deutérium deutériure +deutéromycète deutéron deutéroporphyrine deutéroscopie deutérostomien +deutérure deuxième deva devancement devancier devant devantier devantière +devanâgari devenir devillite devin devinette devineur devise devoir devoirant +dewalquite dewindtite dexie dextralité dextran dextre dextrine dextrinerie +dextrocardie dextrocardiogramme dextrogramme dextromoramide dextroposition +dextrose dextroversion dextérité dey deyra dhole diable diablerie diablesse +diabolisation diabolisme diabolo diaboléite diabrotica diabète diabétide +diabétologie diabétologue diachromie diachronie diachronisme diachylon +diacide diacinèse diaclase diacode diaconat diaconesse diaconie diaconique +diacoustique diacre diacritique diacyclothrombopathie diacétone diacéturie +diacétylmorphine diacétémie diade diadectomorphe diadema diadochie diadochite +diadococinésie diadoque diadrome diadème diadématidé diadémodon diafiltration +diagnose diagnostic diagnostiqueur diagomètre diagométrie diagonale +diagrammagraphe diagramme diagraphe diagraphie diaitète diakène dial dialcool +dialectalisation dialectalisement dialectalisme dialecte dialecticien +dialectisation dialectisme dialectologie dialectologue dialectophone +dialeurode diallage diallyle diallèle dialogisme dialoguant dialogue +dialoguiste dialycarpie dialycarpique dialypétale dialyse dialyseur dialysé +diamagnétisme diamant diamantage diamantaire diamantin diamantine diamide +diamidophénol diamine diaminobutane diaminohexane diaminopentane diaminophénol +diaminotoluène diamorphine diamètre diandrie diane diantennate dianthoecia +diapason diapause diapensie diapente diaphanoscope diaphanoscopie diaphanéité +diaphonomètre diaphonométrie diaphorite diaphorèse diaphorétique diaphotie +diaphragmatocèle diaphragme diaphyse diaphysectomie diapir diapirisme +diapneusie diapo diaporama diaporamètre diapositive diapre diapriiné diaprure +diapédèse diariste diarrhée diarthrognathe diarthrose diascope diascopie +diaspore diastase diastimomètre diastimométrie diastole diastopora +diastyle diastème diastématomyélie diathermanéité diathermie +diathèque diathèse diatomite diatomée diatonisme diatribe diatryma diaule +diazo diazoacétate diazoalcane diazoamine diazoaminobenzène diazocopie +diazohydroxyde diazole diazométhane diazonium diazoréactif diazoréaction +diazotation diazotypie diazoïque diazène diazépine diballisme dibamidé dibatag +dibenzopyranne dibenzopyrone dibenzopyrrole dibenzyle dibolie diborane +dicamptodon dicarbonylé dicarboxylate dicaryon dicaryotisme dicastère dicentra +dichloracétate dichloramine dichlorobenzène dichlorocarbène dichlorométhane +dichloropropanol dichloropropène dichloréthane dichloréthylène dichogamie +dichotomie dichotomisation dichrographe dichromasie dichromate dichromatisme +dichromisme dichroïsme dichroïte dickensien dickinsonite dickite diclonie dico +dicranomyia dicranure dicrocoeliose dicroloma dicrote dicrotisme dicruridé +dictaphone dictat dictateur dictature diction dictionnaire dictionnairique +dicton dictyne dictyoniné dictyoptère dictyosome dictée +dicyclopentadiène dicynodonte dicyrtoma dicystéine dicyémide dicée dicéphale +dicétone dicétopipérazine didacticiel didactique didactisme didagiciel +didascalie didelphidé didemnidé didone diduction diduncule didyme +didéoxycytidine didéoxyinosine didéoxynucléoside didéoxythymidine +dieldrine diencéphale diencéphalite diencéphalopathie dienoestrol +diergol diesel diester dietzéite diffa diffamateur diffamation difficile +diffluence diffluent difflugia difformité diffraction diffractogramme +diffuseur diffusibilité diffusiomètre diffusion diffusionnisme diffusionniste +différence différenciation différend différent différentiabilité +différentiation différentiel différentielle différé digamie digamma +digenèse digest digeste digesteur digestibilité digestif digestion digesté +digit digitale digitaline digitalique digitalisation digitaliseur digitaria +digitigrade digitoclasie digitogénine digitonine digitonoside digitoplastie +digitoxine digitoxose digitoxoside diglosse diglossie diglycol diglycolide +diglyme diglyphe dignitaire dignité digon digoxine digramme digraphie +diguail diguanide digue digynie digène digénite dihexaèdre diholoside +dihybridisme dihydrate dihydroanthracène dihydrobenzène dihydrocarvone +dihydroergotamine dihydrofolliculine dihydronaphtalène dihydropyranne +dihydroxyacétone dihydroxylation diimide diiodométhane diiodothymol +diktat diktyome dikémanie diképhobie dilacération dilapidateur dilapidation +dilatance dilatant dilatateur dilatation dilation dilatomètre dilatométrie +dilemme dilettante dilettantisme diligence diloba dilogie diluant dilueur +dilution diluvium dimanche dimension dimensionnement diminuendo diminutif +dimissoire dimorphie dimorphisme dimorphodon dimère dimètre dimérie +diméthoxyméthane diméthoxyéthane diméthylacétamide diméthylallyle +diméthylaminoantipyrine diméthylaminoazobenzène diméthylaminobenzaldéhyde +diméthylarsinate diméthylarsine diméthylbenzène diméthylbutadiène +diméthylformamide diméthylglyoxal diméthylglyoxime diméthylhydrazine +diméthylsulfone diméthylsulfoxyde diméthylsulfure diméthylxanthine +diméthyléthylcarbinol dimétrodon dinanderie dinandier dinantien dinapate dinar +dinassaut dinde dindon dindonnier dinergate dinghie dinghy dingo dingue +dinifère dinitrile dinitrobenzène dinitrocrésol dinitroglycol +dinitronaphtol dinitrophénol dinitrophénylhydrazine dinitrorésorcinol +dinobryon dinobryum dinocéphale dinocérate dinoflagellé dinomyidé dinophycée +dinosaure dinosaurien dinothérium dioctaèdre dioctrie diocèse diocésain diode +diodontidé dioecie dioecète diogène diogénidé diol dioléfine diomédéidé dione +dionysien dionysisme dionée diopatra diopside dioptase dioptre dioptrie +diorama diorite dioscoréacée dioxanne dioxime dioxine dioxinne dioxolanne +dioxyde dioïcité dioïque dip dipeptidase dipeptide diphone diphonie diphosgène +diphosphoglycéromutase diphtongaison diphtongue diphtonguie diphtère diphtérie +diphyllide diphyllode diphyodonte diphyodontie diphénilène diphénol +diphénylamine diphénylcarbinol diphénylcétone diphényle diphénylhydantoïne +diphénylméthane diphénylméthylamine diphénylène diphényléthane diphényléther +diplacousie diple diplexeur diplobacille diplocaule diplocentridé diplocoque +diplocéphale diplocéphalie diplogaster diplogenèse diploglosse diplognathe +diplomate diplomatie diplomatique diplomatiste diplomonadale diplomonadine +diplophonie diplopie diplopode diplosomie diplosphyronidé diplospondylie +diplosporie diplostracé diploure diplozoaire diplozoon diploé diploïdie +diplôme diplômé dipneumone dipneuste dipode dipodidé dipodie diporpa diprion +diprotodon diprotodonte dipsacacée dipsacée dipsomane dipsomanie diptyque +diptériste diptérocarpacée diptérocarpol dipyge dipylidium dipyre dipyridamole +dipôle dire direct directeur direction directive directivisme directivité +directorat directorialisme directrice dirham dirhem dirigeabilité dirigeable +dirigisme dirigiste dirlo dirofilariose disaccharide disamare disazoïque +discale discarthrose discectomie discernant discernement discession discine +disciplinaire disciplinant discipline discission discite disco discobole +discoglossidé discographe discographie discoloration discomycose discomycète +disconnexion discontacteur discontinu discontinuation discontinuité +discopathie discophile discophilie discoradiculographie discordance discordant +discothèque discothécaire discount discounter discoureur discours-fleuve +discriminant discriminateur discrimination discrédit discrétion +discrétisation discrétoire disculpation discursivité discussion discutaillerie +discuteur disette diseur disgrâce disharmonie disjoint disjoncteur disjonctif +disjonctive dislocation dismorphia dismutation disomie dispache dispacheur +disparation disparition disparité disparu dispatche dispatcher dispatcheur +dispensaire dispensateur dispensation dispense dispensé dispermie dispersal +dispersement dispersibilité dispersion dispersivité dispersoïde display +disponible disposant dispositif disposition disproportion disputaillerie +disputation dispute disputeur disquaire disqualification disque disquette +disruption dissecteur dissection dissemblance dissension dissenter +dissertation dissidence dissident dissimilation dissimilitude dissimulateur +dissimulé dissipateur dissipation dissociabilité dissociation dissolubilité +dissolvant dissonance dissuasion dissyllabe dissymétrie dissémination +disséqueur distance distancement distancemètre distanciation distanciomètre +disthène distichiase distillat distillateur distillation distillerie +distinguo distique distomatose distome distomiase distomien distorsiomètre +distracteur distractibilité distraction distractivité distrait distributaire +distributif distribution distributionnalisme distributionnaliste +districhiase district disulfide disulfirame disulfure dit diterpène +dithionate dithionite dithizone dithyrambe dithéisme dithéiste dithématisme +diurèse diurétique diva divagateur divagation divan divergence divergent +diversification diversion diversité diverticulation diverticule +diverticulite diverticulopexie diverticulose divertimento divertissement +dividende divinateur divination divinisation divinité divio diviseur diviseuse +division divisionnaire divisionnisme divisionniste divisme divorce +divorcé divorçant divulgateur divulgation divulsion dixa dixie dixieland +dixénite dizain dizaine dizainier dizenier dizygote dièdre diène dièse diète +diélectrique diélectrolyse diénestrol diérèse diésélification diésélisation +diéthanolamine diéther diéthylamine diéthylaminophénol diéthylbenzène +diéthylmalonylurée diéthylstilboestrol diéthyltoluamide diéthylèneglycol +diéthyléther diétothérapie diétrichite diététicien diététique diététiste +djaïn djaïnisme djebel djellaba djiboutien djighite djinn djounoud doberman +dobutamine doche docilité docimasie docimologie dock docker docodonte docte +doctorant doctorat doctrinaire doctrinarisme doctrine docu document +documentaliste documentariste documentation docète docétisme dodecaceria +dodinage dodine dodo dodécagone dodécane dodécanol dodécanolactame +dodécaphoniste dodécapole dodécasyllabe dodécatomorie dodécatémorie dodécaèdre +dogat doge dogger dogmaticien dogmatique dogmatisation dogmatiseur dogmatisme +dogme dogue doguin doigt doigtier doigté doit dojo dolage dolby dolcissimo +doleuse dolic dolicho dolichocolie dolichocrâne dolichocrânie dolichocéphale +dolichocôlon dolichodéridé dolichoentérie dolichognathie dolichomégalie +dolichopode dolichopodidé dolichosigmoïde dolichosome dolichosténomélie doline +doliole dolique dollar dolman dolmen doloire dolomie dolomite dolomitisation +doloriste dolure doléance dolérite domaine domanialité domanier dombiste +domestication domesticité domestique domeykite domicile domiciliataire +domification dominance dominante dominateur domination dominicain dominicaine +domino dominoterie dominotier domisme dommage domotique domptage dompteur don +donacie donat donataire donatario donateur donation donatisme donatiste +dondon donjon donjuanisme donne donneur donné donnée donovanose +donzelle dop dopage dopaldéhyde dopaminergie dopant dope doping doppler dorab +dorage dorcadion doreur dorididé dorien dorisme dorlotement dormance dormant +dormeuse dormille dormition doronic doronicum dorsale dorsalgie dorsalisation +dorsay dortoir dorure dorygnathe dorylidé doryphore dorytome doré dorée dosage +dosette doseur doseuse dosimètre dosimétrie dosinia dossage dossal dossard +dosseret dosseuse dossier dossière dot dotalité dotation dothiénentérie +douaire douairière douane douanier douar doublage doublante double doublement +doublette doubleur doubleuse doublier doublière doublon doublure doublé douc +doucette douceur douche douchette doucheur doucin doucine doucissage +doudou doudoune douelle douellière douglassectomie douglassite douil douille +douillette douilletterie douleur douloureuse doum douma dourine douro +doute douteur douvain douve douvelle douvin douzain douzaine douzième douçain +doxologie doxométrie doxosophe doxycycline doyen doyenneté doyenné doâb +drachma drachme dracunculose dracéna drag dragage drageoir drageon drageonnage +dragline dragon dragonnade dragonne dragonnet dragonnier dragster drague +dragueur dragueuse dragée dragéification draille drain drainage draine +draineuse draisienne draisine drakkar dralon dramatique dramatisation +dramatisme dramaturge dramaturgie drame drap drapage drapement draperie +drapé drassidé drasticité drastique draug drave draveur dravidien dravite +drawback drayage drayeuse drayoir drayoire drayure dreadnought dreamy dreige +dreissena dreissensia dreissénidé dreissénie drelin drenne drepana dressage +dresse dressement dresseur dresseuse dressing dressoir dreyfusard dreyfusia +dreyssensia dribblage dribble dribbleur dribbling drift drifter drile drilidé +drille dring drink driographie dripping drisse drive driver driveur drogman +droguerie droguet drogueur droguier droguiste drogué droit droite droiterie +droitisation droitisme droitiste droiture dromadaire dromaiidé drome dromiacé +dromie dromologie dromomanie dromon dromophobie drone drongaire drongo dronte +drop-goal dropage droppage drosera drosophile drosophilidé drosse droséra +droujina drousseur drugstore druide druidisme drum drumlin drummer drumstick +drupéole druse druze dry dryade dryocope dryophanta dryophile dryopidé +drypte drèche drège drève drégeur drépanidé drépanocyte drépanocytose drôle +drôlesse dualisation dualisme dualiste dualité dubitation duc ducale ducasse +ducaton duchesse duché ducroire ductance ductilité ductilomètre duction +dudgeon dudgeonnage dudgeonneur duel duelliste duettino duettiste duetto +dufrénoysite duftite dugazon dugon dugong dugongidé duhamélien duit duitage +dulcifiant dulcification dulcinée dulcite dulcitol dulie dumontite +dump dumpeur dumping dunaliella dundasite dundee dune dunette dunite duo duodi +duodénectomie duodénite duodénopancréatectomie duodénoplastie duodénoscope +duodénostomie duodénotomie duodénum duolet duomite duopole dupe duperie dupeur +duplexeur duplicateur duplication duplicature duplicidenté duplicité duplique +durabilité durain duralumin duramen duraminisation durangite duratif durbec +durcisseur dure dureté durham durillon durion durit durite duroc duromètre +durée duse dussertite dussumiéridé duumvir duumvirat duvet duvetage duvetine +dyade dyal dyarchie dyarque dyke dynamicien dynamique dynamisation dynamisme +dynamitage dynamite dynamiterie dynamiteur dynamitier dynamitière dynamo +dynamogénie dynamologie dynamomètre dynamométamorphisme dynamométrie +dynamoteur dynamètre dynaste dynastie dynatron dyne dynode dynorphine dynstat +dyphtongie dyrosaure dysacousie dysacromélie dysallélognathie dysankie +dysaraxie dysarthrie dysarthrose dysautonomie dysbarisme dysbasie dysboulie +dyscalcie dyscalculie dyscalcémie dyscataménie dyscataposie dyschondroplasie +dyschromatopsie dyschromie dyschronométrie dyschésie dyschézie dyscinésie +dyscrase dyscrasie dyscrasite dyscéphalie dysderina dysdipsie dysdéridé +dysembryome dysembryoplasie dysembryoplasmome dysencéphalie dysendocrinie +dysergie dysesthésie dysfibrinogène dysfibrinogénémie dysfonction +dysfribinogène dysfribinogénémie dysgammaglobulinémie dysgerminome +dysgnosie dysgonosomie dysgraphie dysgravidie dysgueusie dysgénésie +dyshidrose dyshormonogenèse dyshématopoïèse dyshématose dyshémoglobinose +dyshépatie dyshépatome dysidrose dysimmunité dysimmunopathie dysinsulinisme +dyskinésie dyskératose dyslalie dysleptique dyslexie dyslexique dyslipidose +dyslipoprotéinémie dyslipoïdose dyslipémie dyslogie dysmicrobisme dysmimie +dysmolimnie dysmorphie dysmorphogenèse dysmorphophobie dysmorphose +dysmégalopsie dysmélie dysménorrhée dysmétabolie dysmétabolisme dysmétrie +dysocclusion dysodie dysontogenèse dysorchidie dysorexie dysorthographie +dysostose dysovarie dysovulation dyspareunie dyspepsie dyspepsique dyspeptique +dysphagie dysphasie dysphonie dysphorie dysphrasie dysphrénie dysphémie +dysplasia dysplasie dysplasminogénémie dyspneumie dyspnée dysporie dyspraxie +dysprothrombie dysprothrombinémie dysprotidémie dysprotéinorachie +dysprotéinémie dyspubérisme dyspurinie dyspyridoxinose dyspéristaltisme +dysrythmie dysréflexie dyssocialité dyssomnie dysspermatisme dyssynergie +dyssystolie dystasie dysthanasie dysthymie dysthyroïdie dysthyroïdisme +dystomie dystonie dystopie dystrophie dysurie dysurique dysélastose +dytique dytiscidé dzong dèche dème dé déactivation déafférentation +déambulation déambulatoire débagoulage déballage déballastage déballeur +débandade débarbouillage débarbouillette débarcadère débardage débardeur +débarqué débat débateur débattement débatteur débauchage débauche débaucheur +débecquage débenzolage débenzoylation débet débile débilisation débilitation +débillardement débinage débine débineur débirentier débit débitage débitant +débiteuse débitif débitmètre déblai déblaiement déblayage déblayement +débloquement débobinage débobinoir débogueur déboire déboisage déboisement +débonification débonnaireté débord débordage débordement débordoir débottelage +débouchement déboucheur débouchoir débouchure débouché débouillissage +déboulonnement déboulé débouquement débourbage débourbement débourbeur +débourrement débourreur débourroir débourrure déboursement déboutement +déboutonnement débouté déboîtage déboîtement débraillé débranchement débrasage +débrayeur débridement débrochage débrouillage débrouillard débrouillardise +débrouillement débrouilleur débroussaillage débroussaillant débroussaillement +débroussailleuse débrutage débruteur débrutissage débucher débuché +débullage débulleur débureaucratisation débusquage débusquement débusqueur +débutanisation débutaniseur débutant débutante débuttage débâchage débâcle +débêchage débûchage déca décabriste décachetage décade décadence décadent +décadi décadrage décaféination décaféinisation décaféiné décagone décagramme +décaillage décaissement décalage décalaminage décalcarisation décalcification +décalescence décaline décalitre décalogue décalottage décalquage décalque +décalvation décamètre décaméthonium décan décanat décane décanol décantage +décanteur décantonnement décanulation décapage décapant décapement décapeur +décapitalisation décapitation décapité décapode décapole décapotable +décapsidation décapsulage décapsulation décapsuleur décarbonatation +décarbonylation décarboxylase décarboxylation décarburant décarburation +décarnisation décarottage décarrelage décartellisation décastyle décasyllabe +décathlonien décatissage décatisseur décavaillonnage décavaillonneuse décavé +déceleur décembre décembriseur décembriste décemvir décemvirat décence +décennie décentoir décentrage décentralisateur décentralisation décentration +déception décernement décervelage décervèlement déchant déchanteur déchapage +déchargement déchargeoir déchargeur décharnement déchaulage déchaumage +déchaussage déchaussement déchausseuse déchaussoir déchaînement déchet +déchiffrage déchiffrement déchiffreur déchiquetage déchiqueteur déchiqueture +déchirement déchireur déchirure déchlorage déchocage déchoquage +déchromage déchromateur déchronologie déchéance déci décibel décidabilité +déciduale déciduome décier décigrade décigramme décilage décile décilitre +décimalisation décimalité décimateur décimation décime décimètre décintrage +décintroir décision décisionnaire décisionnisme décisionniste décivilisation +déclamation déclampage déclarant déclaration déclassement déclassé déclenche +déclencheur déclergification déclic déclin déclinaison déclination +déclinement déclinomètre décliquetage déclive déclivité décloisonnement +décléricalisation décochage décochement décocheur décoconnage décoction +décodage décodeur décodification décoeurage décoffrage décognoir décohésion +décoiffement décoincement décoinçage décollage décollation décollectivisation +décolletage décolleteur décolleteuse décolleté décolleur décolleuse +décolonisateur décolonisation décolorant décoloration décommandement +décompactage décompensation décomplémentation décomposeur décomposition +décompression décomptage décompte décompteur déconcentration décondamnation +déconfessionnalisation déconfiture décongestif décongestion décongestionnement +déconnage déconneur déconnexion déconsidération déconsignation déconsommation +déconstruction décontaminant décontamination décontraction décontracturant +décontrôle déconventionnement déconvenue déconvolution décoquage décor +décoration décornage décorticage décortication décortiqueur décortiqueuse +décoré décote décottage décotteur découchage découennage découenneuse +découpe découpeur découpeuse découplage découplement découpoir découpure +découronnement découseur décousu décousure découvert découverte découverture +découvreur décrabage décrassage décrassement décrasseur décrasseuse décret +décri décriminalisation décriquage décrispation décrochage décroche +décrocheur décroisement décroissance décroissement décrottage décrotteur +décroît décruage décrue décrueur décrusage décryptage décryptement décrypteur +décrémentation décrémètre décrépissage décrépitation décrépitude décrétale +décrétiste décrêpage décuivrage déculassement déculottage déculottée +déculturation décuple décuplement décuplet décurarisation décurie décurion +décurtation décuscutage décuscuteuse décussation décuvage décuvaison décyle +décène décédé décélérateur décélération décéléromètre décélérostat +décérébration décérébré dédain dédale dédallage dédicace dédicant dédicataire +dédit déditice dédolomitisation dédommagement dédopage dédorage dédorure +dédotalisation dédouanage dédouanement dédoublage dédoublante dédoublement +dédoublure dédoublé dédramatisation déductibilité déduction déduit déesse +défaillance défaiseur défaite défaitisme défaitiste défalcation défanage +défargueur défatigant défaufilage défaunation défausse défaut défaute défaveur +défection défectivité défectologie défectologue défectoscope défectuosité +défendeur défenestration défense défenseur défensive déferlage déferlante +déferrage déferrailleur déferrement déferrisation déferrure défervescence +défeuillage défeuillaison défeutrage défeutreur défeutreuse défi défiance +défibreur défibrillateur défibrillation défibrination déficience déficient +défigeur défiguration défigurement défilade défilage défilement défileur +défilochage défilé défini définissabilité définissant définisseur définiteur +définition définitoire définitude défiscalisation défixion déflagrateur +déflation déflationnisme déflecteur déflectographe déflectomètre défleuraison +déflocage défloculant défloculation défloraison défloration défluent +défluviation défoliant défoliation défonce défoncement défonceuse +défonçage déforestage déforestation déformabilité déformage déformation +déformeur défouissage défoulage défoulement défouloir défournage défournement +défourneuse défoxage défragmentation défraiement défrancisation défrichage +défrichement défricheur défrisage défrisant défrisement défrisure +défronçage défroque défroqué défruitement défrustration défrénation défunt +défécation défécographie défédéralisation déféminisation déférence déférent +déférentite déférentographie dégagement dégagé dégainage dégaine dégainement +dégarnissage dégarnissement dégarnisseuse dégasolinage dégauchissage +dégauchisseuse dégaussement dégazage dégazeur dégazifiant dégazolinage +dégazonnement dégazonneuse dégel dégelée dégermage dégermeur dégermeuse +dégivrant dégivreur déglabation déglabration déglacement déglaciation +déglaçage déglaçonnement déglobulisation déglomération déglutination +déglycérination dégobillage dégoisement dégommage dégondage dégonflage +dégonflement dégonflé dégorgeage dégorgement dégorgeoir dégorgeur dégou +dégoudronneur dégoudronneuse dégoudronnoir dégoulinade dégoulinage +dégoupillage dégourdi dégourdissage dégourdissement dégourdisseur dégoût +dégoûtation dégoûté dégradateur dégradation dégradé dégrafage dégraissage +dégraissement dégraisseur dégraissoir dégrammaticalisation dégranulation +dégraphiteur dégrat dégravillonnage dégravoiement dégrenage dégression +dégriffe dégriffeur dégriffé dégrillage dégrilleur dégringolade dégrippant +dégrossage dégrossi dégrossissage dégrossissement dégrossisseur dégroupage +dégrèvement dégréage dégréement dégrénage dégu déguenillé déguerpissement +dégueulasserie déguisement déguisé dégustateur dégustation dégât dégénération +dégénéré déhalage déhanchement déhiscence déhouillement déhourdage déhydrase +déhydrocholestérol déhydrogénase déhydrorétinol déicide déicier déictique +déionisation déisme déiste déité déjantage déjaugeage déjaugement déjecteur +déjeuner déjour déjoutement déjudaïsation délabialisation délabrement +délai délainage délaineuse délaissement délaissé délaitage délaitement +délaminage délamination délaniérage délardement délardeuse délassement +délatif délation délavage délavement délayage délayeur délayé délectation +déleucocytation déliage déliaison déliaste délibératif délibération délibéré +délicatesse délice déliement délignage délignement déligneuse délignification +délimitation délimiteur délinquance délinquant délinéament délinéateur +déliquescence délirant délire délirium délirogène délissage délissoir délit +délitation délitement délitescence déliteur délivraison délivrance délivre +délié délocalisation délogement délot déloyauté déluge délusion délustrage +déluteur déluteuse délégant délégataire délégateur délégation délégué délétion +démagnétisation démagnétiseur démagogie démagogue démaigrissement démaillage +démanchage démanchement démanché démangeaison démanoquage démantoïde +démaoïsation démaquillage démaquillant démarcage démarcation démarchage +démarcheur démargarination démargination démariage démarieuse démarquage +démarquement démarqueur démarrage démarreur démarxisation démasclage +démasculinisation démasquage démasselottage démassification démasticage +dématérialisation démazoutage démaçonnage démembrement démence dément démenti +démerde démerdeur démesure démiellage démilitarisation déminage démineur +déminéralisation démission démissionnaire démiurge démiurgie démixtion démo +démobilisé démochrétien démocrate démocratie démocratisation démodexose +démodulation démodulomètre démodécidé démodécie démographe démographie +démolisseur démolition démon démoniaque démonisation démonisme démoniste +démonographie démonologie démonologue démonolâtrie démonomancie démonomanie +démonstrateur démonstratif démonstration démontage démonteur démontrabilité +démoralisateur démoralisation démorphinisation démosponge démoticisme +démotivation démotorisation démouchetage démoulage démoulant démouleur +démoustiquage démucilagination démultiplexage démultiplexeur démultiplicateur +démutisation démutualisation démystificateur démystification démythification +démâtage démâtement déméchage démédicalisation déménagement déménageur +démétallisation déméthanisation déméthaniseur déméthylation démêlage démêlant +démêleur démêloir démêlure démêlé dénasalisation dénatalité dénationalisation +dénaturant dénaturateur dénaturation dénazification déneigement dénervage +déni déniaisement déniaiseur dénichage dénichement dénicheur dénickelage +dénicotiniseur dénigrement dénigreur dénitrage dénitratation dénitration +dénitrification dénitrogénation dénivellation dénivellement dénivelé dénivelée +dénominateur dénominatif dénomination dénonciateur dénonciation dénotation +dénoueur dénoyage dénoyautage dénoyauteur dénoyauteuse dénoûment +dénudage dénudation dénuement dénutri dénutrition dénébulateur dénébulation +dénégateur dénégation déodorant déontologie déoxythymidine dépaillage +dépalettiseur dépalissage dépannage dépanneur dépanneuse dépanouillage +dépanouilleuse dépapillation dépaquetage déparaffinage déparasitage déparchage +déparchemineur déparcheur déparementage déparisianisation déparquement départ +département départementale départementalisation départementaliste départiteur +dépassant dépassement dépastillage dépastilleur dépavage dépaysement dépeceur +dépendage dépendance dépendeur dépense dépensier dépentanisateur +dépentaniseur déperditeur déperdition dépersonnalisation dépeuplement dépeçage +déphasement déphaseur déphlegmateur déphonation déphonologisation +dépiautage dépiautement dépicage dépigeonnage dépigeonnisation dépigmentation +dépilation dépilatoire dépilement dépiquage dépistage dépisteur dépit +dépitonneur déplacement déplacé déplafonnement déplaisir déplanification +déplantation déplantoir déplasmolyse dépli dépliage dépliant dépliement +déplissement déploiement déplombage déplombisme déploration déplâtrage +dépoilage dépointage dépolarisant dépolarisation dépolissage dépolissement +dépolluant dépollution dépolymérisation déponent dépontillage dépopulation +déportance déportation déportement déporté déposant dépose dépositaire +dépositoire dépossession dépotage dépotement dépotoir dépouillage dépouille +dépouillé dépoussiérage dépoussiérant dépoussiéreur dépoétisation dépravateur +dépravé dépressage dépresseur dépressif dépression dépressothérapie +déprimage déprimant déprime déprimé déprise déprivation déprogrammation +déprolétarisation dépropanisation dépropaniseur déprécation dépréciateur +dépréciation déprédateur déprédation dépsychiatrisation dépucelage dépulpage +dépulpeur dépuratif dépuration députation député dépècement dépécoration +dépérissement dépêche dépôt déqualification déracinage déracinement déraciné +déraillage déraillement dérailleur déraison déraisonnement déramage +dérangeur dérangé dérapage dérase dérasement dératisation dératiseur dératé +dérayeuse dérayure déremboursement dérencéphale déresponsabilisation +déridage dérision dérivabilité dérivable dérivatif dérivation dérive +dérivetage dérivette dériveur dérivoire dérivomètre dérivonnette dérivure +dérivée dérobade dérobement dérobeur dérochage dérochement dérocheuse +dérocteuse dérodyme dérogation dérogeance dérompeuse dérotation dérotomie +dérouillée déroulage déroulement dérouleur dérouleuse déroutage déroute +déruellage déruralisation dérussification dérèglement déréalisation +dérégulation déréliction dérépression désabonnement désaboutement désabusement +désaccentuation désaccord désaccouplement désaccoutumance désacidification +désacralisation désactivateur désactivation désadaptation désadapté +désaffection désaffiliation désafférentation désagatage désagencement +désagragation désagrègement désagrégateur désagrégation désagrément +désaisonnalisation désaisonnement désajustement désalcoylation désalignement +désaliénation désaliénisme désalkylation désallocation désaluminisation +désambiguïsation désamiantage désamidonnage désaminase désamination +désamorçage désamour désannexion désappointement désapprentissage +désapprovisionnement désargentage désargentation désargentement désargenteur +désarmement désaromatisation désarrimage désarroi désarrondissement +désarticulation désarçonnement désasphaltage désaspiration désassemblage +désassimilation désassortiment désastre désatellisation désatomisation +désaturation désaubage désaubiérage désavantage désaxation désaxement désaxé +désaérateur désaération désaéreuse déschistage déschisteur déschlammage +déscolarisation désectorisation désemballage désembattage désembourgeoisement +désembrochage désembrouillage désembrouilleur désembuage désemmanchement +désempesage désemphatisation désempilage désencadrement désencastage +désenchaînement désenclavement désenclenchement désencollage désencombrement +désencroûtement désencuivrage désendettement désenflement désenflure +désenfumage désengagement désengageur désengorgement désengourdissement +désenliasseuse désenrayage désenrayeur désenrobage désensablement désensachage +désensibilisant désensibilisateur désensibilisation désensimage +désentoilage désenvoûtement désenvoûteur désert déserteur désertification +désertisation désescalade désespoir désespérance désespéré désessenciation +déseuropéanisation désexcitation désexualisation déshabilitation déshabillage +déshabitude désherbage désherbant désheurement déshonneur déshonnêteté +déshuileur déshumanisation déshumidificateur déshumidification déshydrase +déshydratation déshydrateur déshydrateuse déshydrogénant déshydrogénase +déshydrohalogénation déshérence déshéritement déshérité désidéologisation +désidératif désignation désilage désileuse désilicatation désiliciage +désillusion désillusionnement désincarcération désincarnation désincitation +désincrustant désincrustation désindexation désindustrialisation désinence +désinfecteur désinfection désinfestation désinflation désinformateur +désinhibiteur désinhibition désinsectisation désinsertion désintermédiation +désintoxiquant désintrication désintégrateur désintégration désintéressement +désinvagination désinvestissement désinvestiture désinvolture désionisation +désirabilité désistement désobligeance désoblitération désobstruction +désobéissance désocialisation désodorisant désodorisation désodoriseur +désoeuvré désolation désolidarisation désolvatation désonglage désoperculateur +désorbitation désordre désorganisateur désorganisation désorientation +désossement désosseur désoufrage désoutillement désoxyadénosine +désoxycytidine désoxydant désoxydation désoxyguanosine désoxygénant +désoxyhémoglobine désoxymyoglobine désoxyribonucléase désoxyribonucléoprotéide +désoxyribose déspiralisation déspécialisation déssépiphysiodèse +déstalinisation déstockage déstructuration désucrage désucreur désulfitage +désulfuration désunion désurbanisation désurchauffe désurchauffeur désutilité +désynchronisation désyndicalisation désécaillage déségrégation désélectriseur +désémulsifiant désémulsificateur désémulsion désémulsionneur désépargne +déséquilibrage déséquilibration déséquilibre déséquilibré désétablissement +désétatisation déséthanisation déséthaniseur détachage détachant détachement +détaché détail détaillant détalonnage détannage détannisation détartrage +détartreur détatouage détaxation détaxe détectabilité détecteur détection +détectivité détectrice dételage dételeur détendeur détente détenteur +détention détenu détergence détergent déterminabilité déterminant déterminatif +déterminisation déterminisme déterministe déterminité déterminé déterpénation +déterrement déterreur déterritorialisation déterré détersif détersion +déthéiné déthésaurisation détimbrage détiquage détireuse détiré détissage +détonateur détonation détonique détordeuse détorsion détour détourage +détourneur détourné détoxication détoxification détracteur détraction +détraquement détraqué détrempe détresse détribalisation détricotage détriment +détrition détritique détritivore détritoir détroit détrompeur détroncation +détroussement détrousseur détrusor détrônement détubage détumescence +détérioré dévagination dévalaison dévaliseur dévaloir dévalorisation +dévasement dévastateur dévastation déveinard déveine développante +développement développeur développé développée déverbatif déverdissage +dévergondage dévergondé dévernissage déverrouillage déversage déversement +déversoir déversée dévertagoir dévestiture déviance déviant déviateur +déviationnisme déviationniste dévidage dévideur dévidoir déviomètre dévirage +dévirolage dévirure dévissage dévissé dévitalisation dévitrification +dévoiement dévoilement dévoisement dévoltage dévolteur dévolu dévolutaire +dévonien dévorant dévoration dévoreur dévot dévotion dévouement dévoyé +dévésiculage dévésiculeur dévêtement dévêtisseur dévî dézincage +dézingage déçu déélectronation dîme dîmeur dîmier dîmée dîner dînette dîneur +dînée dôme dômite dông dû eagle earl ebiara ecballium ecchondrome ecchondrose +ecchymose ecclésia ecclésiastique ecclésiologie eccéité ecdermatose ecdysone +ecdémite ecgonine echeveria ecmnésie ectasie ecthyma ecthèse ectinite +ectobie ectoblaste ectocardie ectocarpale ectocyste ectodermatose ectoderme +ectogenèse ectohormone ectomorphe ectomorphie ectomorphisme ectoméninge +ectopagie ectoparasite ectopie ectopiste ectoplacenta ectoplasme ectoplasmie +ectoprocte ectosome ectosympathose ectotrophe ectozoaire ectrochéirie +ectrodactylie ectrognathie ectrogénie ectromèle ectromélie ectropion +ectrourie ectype ecténie eczéma eczématide eczématisation eczématose edhémite +effacement effaceur effanage effaneuse effanure effarement effarouchement +effaçage effaçure effecteur effectif effectivité effectuabilité effectuation +effervescence effet effeuillage effeuillaison effeuillement effeuilleuse +efficience effigie effilage effilement effileur effilochage effiloche +effilocheur effilocheuse effilochure effiloché effiloqueur effilure effilé +effleurement effloraison efflorescence effluence effluent effluvation effluve +effondreur effort effraction effraie effrangement effritement effroi +effronté effrénement effusion effémination efféminement efrit eiconomètre +eicosanoïde eider eidochiroscopie eidétique eidétisme eisénie ekpwele +elbot eldorado elfe elginisme ellipométrie ellipse ellipsographe ellipsométrie +ellipticité elliptocyte elliptocytose ellobiidé ellsworthite ellébore +elpidite elvan elzévir emballage emballement emballeur emballonuridé +embarcation embardée embargo embarquement embarrure embase embasement +embattage embatteur embauchage embauche embaucheur embauchoir embaumement +embellie embellissement emberlificotage emberlificoteur embidonnage +embie embiellage embioptère embiotocidé emblavage emblave emblavement +emblème embobinage embole embolectomie embolie embolisation embolisme embolite +embolomère embolophasie embonpoint embossage embossure embouage emboucautage +embouche emboucheur embouchoir embouchure embouclement embouquement +embourgeoisement embourrure embout embouteillage embouteilleur embouti +emboutissage emboutisseur emboutisseuse emboutissoir emboîtage emboîtement +embranchement embrasement embrassade embrasse embrassement embrasseur embrassé +embrayage embrayeur embreyite embrigadement embrithopode embrocation +embrochement embronchement embrouillage embrouillamini embrouille +embroussaillement embrun embryocardie embryogenèse embryographie embryogénie +embryologiste embryologue embryome embryon embryopathie embryoscopie +embryotomie embryotoxon embryotrophe embrèvement embu embuscade embut embuvage +embêtement embêteur embûche emmagasinage emmagasinement emmaillement +emmaillotement emmanchement emmancheur emmanchure emmanché emmarchement +emmenthal emmerde emmerdement emmerdeur emmouflage emmouflement emmurement +emménagement emménagogue emmétrage emmétrope emmétropie emmêlement empaillage +empailleur empalement empalmage empan empannage empannon empanon empaquetage +empathie empattement empaumure empeignage empeigne empennage empenne +empennelle empenoir empercheur empereur empesage emphase emphatisation +emphytéose emphytéote empididé empierrage empierrement empilage empile +empileur empire empirie empiriocriticisme empiriocriticiste empiriomonisme +empirisme empiriste empiècement empiètement empiétement emplacement emplanture +emplette emplissage emploi employabilité employeur employé emplumement +empoignade empoigne empointure empoise empoisonnement empoisonneur +empommage emporium emport emportement empotage empotement empoutage empreinte +empressé emprise emprisonnement emprunt emprunteur emprésurage empuantissement +empyreume empyrée empyème empâtage empâtement empéripolèse empêchement +en-tête enarmonia encabanage encablure encadrant encadrement encadreur encadré +encageur encaissage encaisse encaissement encaisseur encamionnage +encan encanaillement encapsidation encapsulation encapuchonnement encaquement +encarrassage encarsia encart encartage encarteuse encartonnage encartouchage +encasernement encastage encastelure encasteur encastrement encaustiquage +encavage encavement encaveur enceinte encellulement encensement encenseur +encerclement enchantement enchanteur enchapage enchape enchaperonnement +enchatonnement enchaucenage enchaussage enchaussenage enchaînement enchaîné +enchevalement enchevauchure enchevillement enchevêtrement enchevêtrure +enchondromatose enchondrome enchythrée enchâssement enchâssure enchère +enchérisseur enclave enclavement enclavome enclenche enclenchement enclencheur +enclise enclitique encloisonnement enclosure enclouage enclouure enclume +encochage encoche encochement encodage encodeur encoignure encollage encolleur +encolure encombre encombrement encoprésie encoprétique encorbellement +encordement encornet encornure encoubert encouragement encrage encrassage +encratisme encre encrier encrine encroisage encroisement encrouage +encuivrage enculage enculeur enculé encuvage encuvement encyclique +encyclopédisme encyclopédiste encyrtidé encénie encépagement encéphalalgie +encéphaline encéphalisation encéphalite encéphalocèle encéphalogramme +encéphalomalacie encéphalome encéphalomyocardite encéphalomyopathie +encéphalomyélographie encéphalomyélopathie encéphalomégalie encéphalométrie +encéphalorragie encéphaloïde endamoebidé endartère endartériectomie +endartériose endartérite endaubage endaubeur endectomie endentement +endigage endiguement endimanchement endive endivisionnement endlichite +endoblaste endocarde endocardectomie endocardite endocarpe endocervicite +endocraniose endocrinide endocrinie endocrinologie endocrinologiste +endocrinopathie endocrinothérapie endocrâne endoctrinement endocurithérapie +endocyme endocymie endocymien endocyste endocytose endoderme endodonte +endodontie endofibrose endogame endogamie endognathie endographie endogène +endolymphe endolymphite endomitose endommagement endomorphie endomorphine +endomycose endomyocardiopathie endomyocardite endomyopéricardite endomètre +endométriose endométrioïde endométrite endonucléase endoparasite +endoperoxyde endophasie endophlébite endophtalmie endoplasme endoprothèse +endopélycoscopie endopéricardite endoradiothérapie endoreduplication endormeur +endorphine endoréisme endoröntgenthérapie endosalpingiose endoscope endoscopie +endosmose endosome endosonographie endosperme endossataire endossement +endossure endoste endosternite endostimuline endostose endostyle endothia +endothécium endothélialisation endothéliite endothéliomatose endothéliome +endothélite endothélium endotoxine endoveine endoveinite endraillage endrine +enduction enduisage enduiseur enduiseuse enduit endurance endurcissement +endymion endémicité endémie endémisme enfance enfant enfantement enfantillage +enfaîtement enfer enfermement enferrage enfeu enficelage enfichage enfilade +enfilement enfileur enfièvrement enfleurage enflure enfléchure enfoiré +enfonceur enfonçoir enfonçure enfossage enfouissement enfouisseur +enfourchure enfournage enfournement enfourneur enfourneuse enfrichement +enfumoir enfûtage enfûteur enfûteuse engageante engagement engagé engainement +engarde engargoussage engazonnement engeance engelure engendrement engendreur +engerbement engin engineering englaçage englaçonnement englobement +engluage engluement engobage engobe engommage engoncement engorgement +engouement engouffrement engoujure engoulevent engourdissement engrain +engraissement engraisseur engramme engrangement engrangeur engraulidé +engravé engrenage engreneur engreneuse engrenure engrossement engrènement +engrêlure engueulade engueulement enguichure enguirlandement enharmonie +enherbement enhydre enivrement enjambage enjambement enjambeur enjambée +enjolivement enjoliveur enjolivure enjonçage enjouement enjuponnage enjôlement +enkystement enképhaline enlacement enlaidissement enlarme enlaçage enlaçure +enlevure enlignement enlisement enluminage enlumineur enluminure enlève +enneigement enneigeur ennemi ennoblissement ennoblisseur ennoiement ennoyage +ennui ennéade ennéagone enoicycla enquiquinement enquiquineur enquête +enquêté enracinement enragé enraidissement enraiement enrayage enrayement +enrayoir enrayure enregistrement enregistreur enrichissement enrobage +enrobeuse enrobé enrochement enrouement enroulage enroulement enrouleur +enrouloir enrégimentement enrésinement enrênement enrôlement enrôleur enrôlé +ensachage ensacheur ensacheuse ensaisinement ensanglantement ensatine +enseigne enseignement enseigné ensellement ensellure ensemble ensemblier +ensemenceur enseuillement ensevelissement ensevelisseur ensi ensifère ensilage +ensimage ensimeuse ensoleillement ensommeillement ensorceleur ensorcellement +ensoufroir ensouillement ensouilleuse ensouplage ensouple ensoutané enstatite +entablement entablure entacage entage entaillage entaille entailloir entame +entamure entaquage entartrage entartrement entassement entasseur ente entelle +entendeur entendu entente enterobacter enterrage enterrement enterré enthalpie +enthousiaste enthymème enthésite enthésopathie entichement entier entiercement +entité entièreté entoconcha entoderme entodesma entodinium entoilage entoir +entomobryia entomocécidie entomogamie entomologie entomologiste entomophage +entomophilie entomostracé entoniscidé entonnage entonnaison entonnement +entoparasite entoprocte entorse entortillage entortillement entoscopie +entour entourage entourloupe entourloupette entournure entozoaire entracte +entrain entrait entrant entrave entravement entravon entraxe entraînement +entraîneuse entre-modillon entre-noeud entre-rail entrebâillement +entrechat entrechoquement entrecolonne entrecolonnement entrecoupe +entrecroisement entrecuisse entrecôte entrefaite entrefenêtre entrefer +entregent entreillage entrejambe entrelacement entremetteur entremise +entremêlement entrepont entreposage entreposeur entrepositaire entreprenant +entreprise entrepôt entresol entretaille entretaillure entreteneur entretenu +entretoile entretoise entretoisement entrevoie entrevue entrisme entriste +entropion entroque entrure entrée entubage enture entélodonte entélure +entélégyne enténébrement entéralgie entérectomie entérinement entérite +entérobactérie entérobiase entéroclyse entérococcie entérocolite entéroconiose +entérocystocèle entérocystoplastie entérocyte entérocèle entérogastrone +entérogone entérographe entérokinase entérokystome entérolithe entérologie +entéromorpha entéromucose entéromyxorrhée entéronévrose entéropathie +entéroplastie entéropneuste entéroptôse entérorectostomie entérorragie +entéroscopie entérospasme entérostomie entérosténose entérotome entérotomie +entérotoxémie entérotératome entérovaccin entérovirose entéroïde entêtement +entôlage entôleur envahissement envahisseur envalement envasement enveloppante +enveloppement enveloppé enveloppée envenimation envenimement envergure +enverrage enverrement envidage envidement envideur envie environnement +environnementaliste envoi envoilure envol envolement envolée envoyeur envoyé +envoûteur enwagonnage enwagonneuse enzootie enzyme enzymogramme enzymologie +enzymorachie enzymothérapie enzymurie eosuchien eothérien ephestia epsomite +erbine erbue erg ergasilidé ergastoplasme ergastulaire ergastule ergate +ergeron ergine ergocalciférol ergocratie ergodicité ergogramme ergographe +ergologie ergomètre ergométrie ergométrine ergone ergonome ergonomie +ergostane ergostérol ergot ergotage ergotamine ergoterie ergoteur +ergothérapie ergotine ergotisme eriocampa eriocheir erlenmeyer erminette +ermite erpétologie erpétologiste errance errante erre errement erreur erse +eryma erythroxylon erythréidé esbroufe esbroufeur esbrouffe esbrouffeur +escabèche escadre escadrille escadron escalade escaladeur escalator escale +escalier escaliéteur escalope escalopine escamotage escamoteur escapade escape +escarbot escarboucle escarcelle escargassage escargasse escargot escargotière +escarole escarpe escarpement escarpin escarpolette escarre escarrification +escavène eschare escharine escharre escharrification escharrotique +esche eschrichtiidé eschérichiose escine esclandre esclavage esclavagisme +esclave esclavon escobar escobard escobarderie escoffion escogriffe escolar +escompteur esconce escopetero escopette escorte escorteur escot escouade +escourgeon escrime escrimeur escroc escroquerie escudo esculape esculine +esgourde eskebornite eskimo eskolaïte eskuarien esmillage espace espacement +espada espadage espade espadon espadrille espagnol espagnolade espagnolette +espalet espalier espalme espar esparcet esparcette espargoute espart +espingole espion espionite espionnage espionnite espiègle espièglerie +espoir espole espolette espoleur espolin espolinage esponton espoule +espouleur espoulin espoulinage esprit esprot espèce espérance espérantisme +espéranto espérantophone espéronade esquarre esquichage esquiche esquif +esquillectomie esquimautage esquinancie esquinteur esquire esquisse esquive +essaim essaimage essangeage essanvage essanveuse essart essartage essartement +essayeur essayiste esse essence essencisme essente essentialisme essentialiste +essentiel esseulement esseulé essif essimplage essor essorage essoreuse +essouchage essouchement essoucheur essoufflement essuie essuie-glace +essuie-vitre essuyage essuyette essuyeur essénien essénisme esséniste +establishment estacade estachette estafette estafier estafilade estagnon +estamet estamette estaminet estampage estampe estampeur estampeuse estampie +estampille estampilleuse estancia estanfique estarie este ester esterellite +estheria esthiomène esthète esthérie esthésie esthésiogénie esthésiologie +esthésiométrie esthéticien esthétique esthétisme estimateur estimation estime +estivage estivant estivation estive estoc estocade estomac estompage estompe +estonien estoppel estouffade estrade estradiot estragale estragole estragon +estran estrapade estrildiné estrogène estrogénothérapie estrope estropié +estroïde estuaire esturgeon estérase estérification ethmocéphale ethmoïde +ethnarchie ethnarque ethnicisation ethnicité ethnie ethnique ethnobiologie +ethnobotaniste ethnocentrisme ethnocide ethnocrise ethnographe ethnographie +ethnolinguistique ethnologie ethnologue ethnomanie ethnomusicologie +ethnométhodologie ethnophysiologie ethnophysique ethnopsychiatrie +ethnozoologie ettringite euarthropode eubactériale eubactérie eubage eubéen +eucamptognathe eucaride eucaryote eucaïrite eucharistie eucheira euchite +euchroma euchromosome euchroïte eucinésie euclase euclidia eucnémididé +eucologe eucorticisme eucryptite eucère eudialyte eudidymite eudiomètre +eudiste eudorina eudorinidé eudoxie eudémonisme eudémoniste eugereon +euglosse euglypha euglène eugénate eugénie eugénique eugénisme eugéniste +eugénésie eulalia eulalie eulecanium eulima eulogie eulophidé eulytite +eumolpe eumycète eumèce eumène euménidé eunecte eunice eunuchisme eunuchoïde +eunuque eupareunie eupatoire eupatride eupelme eupepsie eupeptique euphausiacé +euphone euphonie euphorbe euphorbiacée euphorie euphorisant euphorisation +euphraise euphuisme euphuiste euphémisme euplecte euplectelle euploïde +euplère eupnée eupraxie euprocte eurafricain eurasien eurhodol euristique euro +euro-obligation eurobanque eurobanquier eurocommunisme eurocommuniste +eurodevise eurodollar eurodéputé eurofranc euromarché euromissile euromonnaie +europhile europhobe europhobie europine européanisation européanisme +européen européisme européiste européocentrisme euroscepticisme eurosceptique +eurovision eurrhypara euryale euryapsidé eurycanthe eurycea eurydème +euryhalinité eurylaime euryptéridé eurypygidé eurystome eurythermie eurythmie +eurythyrea eurytome euscara euscarien euskarien euskarologie euskarologue +euskérien eusomphalien eusporangiée eustache eustasie eustatisme +eustrongylose eustyle eusuchien eutectique eutectoïde euterpe eutexie +euthemisto euthymie euthymètre euthyne euthyroïdie euthyroïdisme euthyréose +euthyscopie euthérien eutocie eutonologie eutrophication eutrophie +eutychianisme euxinisme euxénite evetria evhémériste evzone ex-député +ex-mari ex-ministre ex-président exacerbation exacteur exaction exactitude +exagération exalgine exaltation exaltol exaltolide exaltone exalté examen +exanie exanthème exarchat exarchie exarque exarthrose exarticulation exascose +exaucement excardination excavateur excavation excavatrice excellence +excentrement excentricité excentrique exception excessif exciccose excimère +excise excision excitabilité excitant excitateur excitation excitatrice +excitotoxicité excitotoxine excitron excité exclamatif exclamation exclamative +exclu exclusif exclusion exclusive exclusivisme exclusiviste exclusivité +excommunié excoriation excoriose excroissance excrément excrémentation +excursion excursionniste excusabilité excuse excédent exechia exemplaire +exemplarité exemple exemplier exemplification exempt exemption exempté +exencéphalie exentération exercice exerciseur exercitant exergie exergue +exfoliation exhalaison exhalation exhaure exhaussement exhausteur exhaustion +exhibition exhibitionnisme exhibitionniste exhormone exhortation exhumation +exhérédation exhérédé exigence exigibilité exiguïté exil exilarchat exilarque +exine existence existentialisme existentialiste exo exoantigène exobase +exobiologie exobiologiste exocardie exocervicite exocet exocol exocrinopathie +exocuticule exocytose exode exodontie exogame exogamie exognathie exogyre +exomphale exomphalocèle exon exondation exondement exongulation exonération +exophtalmie exophtalmomètre exophtalmométrie exoplasme exoprosopa exorbitance +exorcisation exorciseur exorcisme exorcistat exorciste exorde exorécepteur +exoscopie exosmose exosoma exosphère exospore exosporée exosquelette exostemma +exosérose exothermicité exotisme exotoxine exotropie exotype exotérisme +expandeur expanseur expansibilité expansion expansionnisme expansionniste +expasse expatriation expatrié expectation expectative expectorant +expert expertise expiation expirateur expiration explant explication +exploit exploitabilité exploitant exploitation exploiteur exploité explorateur +exploratorium exploratrice exploseur explosibilité explosif explosimètre +explosion explosive explosophore explétif expo exponctuation exponentiation +export exportateur exportation exposant exposemètre exposimètre expositeur +exposé expression expressionnisme expressionniste expressivité expresso +exprimage expromission expropriant expropriateur expropriation exproprié +expulsé expurgation expédient expéditeur expédition expéditionnaire expérience +expérimentation exquisité exsanguination exsiccateur exstrophie exsudat +exsufflation extase extatique extendeur extenseur extensibilité extensimètre +extensionalité extensité extensivité extensomètre extensométrie exterminateur +externalisation externalité externat externe exterritorialité extincteur +extirpage extirpateur extirpation extispice extorqueur extorsion extrachaleur +extraction extracystite extradition extrafort extrait extralucide +extranéité extraordinaire extrapolation extraposition extrapéritonisation +extraterrestre extraterritorialité extravagance extravagant extravasation +extraversion extraverti extremum extroversion extroverti extrudabilité +extrudeuse extrusion extrémisation extrémisme extrémiste extrémité extrême +extumescence exténuation extérieur extérioration extériorisation extériorité +extéroceptivité extérorécepteur exubérance exulcération exultation exutoire +exuvie exèdre exécration exécutant exécuteur exécutif exécution exécutive +exégèse exégète exémie exérèse eyra fabianisme fabien fabisme fable fablier +fabricant fabricateur fabrication fabricien fabrique fabriste fabulateur +fabuliste fac fac-similé face facettage facette facho facilitation facilité +factage facteur factice facticité factif faction factionnaire factitif factor +factorerie factorielle factoring factorisation factotum factum facturage +facture facturette facturier facturière facule faculté facétie fada fadaise +fadeur fading fado faena faffe fafiot fagacée fagale fagne fagopyrisme fagot +fagoteur fagotier fagotin fagoue fahrenheit faiblage faiblard faible faiblesse +faille failli faillibilité faillite faim faine fainéant fainéantise +faisabilité faisan faisandage faisanderie faisane faiseur faisselle faisserie +faitout fakir fakirisme falagria falaise falanouc falarique falbala +falcinelle falciparum falcographie falconelle falconidé falconiforme +fale falerne fallah falle falot falourde falquet falsettiste falsifiabilité +falsification faluche falun falunage falunière falzar famatinite familiale +familiarisation familiarité familier familistère famille famine fan fana +fanaison fanatique fanatisme fanchon fandango fane faneur faneuse fanfan +fanfaron fanfaronnade fanfre fanfreluche fange fangothérapie fanion fannia +fantaisie fantaisiste fantascope fantasia fantasmagorie fantasme fantassin +fanton fantôme fanum fanure fanzine faon faquin faquir far farad faraday +faradisme farandole farandoleur faraud farce farceur farci farcin farcinose +fardage farde fardelage fardeleuse fardier fardée fare fareinisme fareiniste +farfelu farfouillage farfouillement farfouilleur faribole farigoule +farillon farinade farinage farine farinier farlouse farniente farnésien +faro farouch farouche farrago fart fartage fasce fascelline fascia +fasciathérapie fasciation fasciculation fascicule fasciite fascinage +fascination fascine fasciolaria fasciolariidé fasciolase fasciole fascisant +fascisme fasciste fashion fashionable fassaïte fasset fassi fast-food faste +faséole fat fatalisme fataliste fatalité fatigabilité fatigue fatma fatrasie +fauber faubert faubourg faubourien faucard faucardage faucardement faucardeur +fauchage fauchaison fauchard fauche fauchet fauchette faucheur faucheuse +fauchère fauché fauchée faucille faucillon faucon fauconnerie fauconnier +faucre faudage faufil faufilage faufilure faujasite faune faunique faunule +faussaire faussement fausset fausseté faustien faute fauteuil fauteur fautif +fauverie fauvette fauvisme faux-cul faux-foc faux-fuyant faux-marcher +faux-semblant favela faverole faveur favier favisme favori favorisé favorite +favosite fayalite fayard fayot fayotage fayottage fazenda fazendeiro façade +façonnage façonnement façonneur façonnier façonné façure faîne faîtage faîte +faïence faïencerie faïencier faïençage feco fedayin fedaî feddayin feedback +feeling feignant feignantise feinte feinteur feintise feldspath feldspathoïde +felfel fellaga fellagha fellah fellateur fellation felle fellinien felouque +felsobanyite feluca femelle femme femmelette femtoseconde fenaison fenchol +fenchène fendage fendant fendante fendard fenderie fendeur fendeuse +fendoir fendu fenestrage fenestration fenestrelle fenestron fenian fenil +fenouil fenouillet fenouillette fente fenton fenugrec fenêtrage fenêtre fer +ferblantier ferbérite fergusonite feria ferlage fermage fermaillet ferme +fermentaire fermentation fermentescibilité fermenteur fermette fermeture +fermeur fermi fermier fermion fermoir fermé ferrade ferrage ferraillage +ferraillement ferrailleur ferrallite ferrallitisation ferrandine ferrasse +ferrate ferratier ferrement ferret ferretier ferreur ferrichlorure +ferricyanure ferrimagnétisme ferrimolybdite ferrinatrite ferriporphyrine +ferrite ferritine ferritinémie ferro-alliage ferroalliage ferrobactériale +ferrocalcite ferrochrome ferrocyanogène ferrocyanure ferrocérium ferrofluide +ferromagnétisme ferromanganèse ferromolybdène ferronickel ferronnerie +ferronnière ferroprussiate ferropyrine ferrosilite ferrotitane ferrotungstène +ferrotypie ferroutage ferrovanadium ferroélectricité ferrugination +ferrure ferry-boat ferrédoxine ferréol fersmanite fertier fertilisant +fertilisation fertiliseur fertilisine fertilité ferté ferussacia fervanite +ferveur fescelle fesse fesselle fesseur fessier fessou fessée feste festin +festival festivalier festivité festoiement feston festonnement feudataire +feuil feuillage feuillagiste feuillaison feuillant feuillantine feuillard +feuilleret feuillet feuilletage feuilleton feuilletoniste feuillette feuilleté +feuillure feuillé feuillée feulement feutrage feutre feutrement feutreuse +feutrine feylinidé fiabilité fiacre fiamme fiancé fiancée fiasco fiasque +fibranne fibrate fibration fibre fibrerie fibrillation fibrille fibrillolyse +fibrinase fibrine fibrinoasthénie fibrinoformation fibrinogène fibrinogénolyse +fibrinogénémie fibrinogénérateur fibrinokinase fibrinolyse fibrinolysine +fibrinopathie fibrinopeptide fibrinopénie fibrinurie fibrinémie fibroadénome +fibroblastome fibroblastose fibrobronchoscopie fibrocartilage +fibrochondrome fibrociment fibrocoloscope fibrocoloscopie fibrocyte +fibroduodénoscopie fibroferrite fibrogastroscope fibrogastroscopie fibrogliome +fibrolipome fibrolite fibromatose fibrome fibromuqueuse fibromyome +fibromyxome fibrométrie fibronectine fibroplasie fibroréticulose fibrosarcome +fibroscopie fibrose fibrosigmoïdoscopie fibrosite fibrosolénome +fibroxanthome fibroïne fibula fibulation fibule fic ficaire ficelage ficeleuse +ficelle ficellerie fichage fiche fichet fichier fichoir fichu fiction ficuline +fidonie fiduciaire fiduciant fiducie fidèle fidéicommissaire fidéisme fidéiste +fidéjussion fidélisation fidéliste fidélité fiedlérite fief fiel fiente +fiertonneur fierté fiesta fifille fifre fifrelin figaro figeage figement +fignoleur figue figuerie figuier figuline figurant figuratif figuration figure +figurisme figuriste figuré fil filadière filage filagne filago filaire +filandière filandre filanzane filaria filariose filarioïdé filasse filateur +fildefériste file filellum filerie filet filetage fileterie fileteur fileteuse +fileté fileur fileuse filiale filialisation filiation filicale filicine +filiforage filigrane filin filipendule filistate filière filiériste fillasse +filler fillerisation fillette filleul film filmage filmographe filmographie +filmothèque filoche filocheur filoguidage filon filoselle filou filoutage +filtier filtrabilité filtrage filtrat filtration filtre filé filée fimbria +fin finage final finale finalisation finalisme finaliste finalité finance +financeur financier financière finasserie finasseur finassier finaud +fine finerie finesse finette fini finial finiglaciaire finiglaciel finissage +finisseur finisseuse finissure finition finitisme finitiste finitude +finn finnemanite finnique finniste finsenthérapie finte fiole fion fiord +fioriture fioul fioule firmament firman firme firmisterne firole firth fisc +fiscaliste fiscalité fish-eye fissibilité fissilité fission fissiparité +fissuration fissure fissurelle fissuromètre fiston fistot fistulaire fistule +fistulisation fistulogastrostomie fistulographie fistulotomie fiti fixage +fixatif fixation fixe fixe-bouchon fixe-fruit fixe-tube fixing fixisme fixiste +fixé fizelyite fièvre fiérot fjeld fjord flabellation flabelliforme +flaccidité flache flacherie flacon flaconnage flaconnerie flaconnette +flacourtia flafla flagellant flagellateur flagellation flagelle flagelline +flagellum flagellé flageolement flageolet flagornerie flagorneur flagrance +flaireur flamand flamandisation flamant flambage flambant flambard flambart +flambement flamberge flambeur flambeuse flamboiement flamboir flamboyance +flambé flambée flamenco flamiche flaminat flamine flamingant flamingantisme +flamique flammage flamme flammerole flammèche flammé flan flanc flanchage +flanche flancherie flanchet flanchière flanconade flandre flandricisme +flanelle flanellette flanquement flanqueur flapping flaque flash flashage +flashmètre flasque flatidé flatoïde flatterie flatteur flatulence flatuosité +flaveton flaveur flavine flavobactérium flavone flavonol flavonoïde +flavoprotéine flavopurpurine flegmatique flegmatisant flegmatisation flegme +flein flemmard flemmardise flemme flemmingite flet flettage flette fleur +fleuraison fleuret fleurette fleurettiste fleurine fleurissement fleuriste +fleurée fleuve flexagone flexaèdre flexibilisation flexibilité flexible +flexoforage flexographie flexomètre flexuosité flexure flibuste flibusterie +flic flicage flicaille flicaillon flingot flingue flingueur flinkite flint +flip flipot flipper flirt flirteur floc flocage floche flock-book flockage +floconnement floconneuse floculant floculateur floculation flondre flonflon +flop flopée floraison flore florence florencite florentin floriculteur +floridien floridée florilège florin floriste floristique flosculaire flot +flottage flottaison flottant flottard flottation flotte flottement flotteron +flottille flotté flou flouromètre flourométrie flouve fluage fluatation fluate +fluctuomètre flue fluellite fluide fluidifiant fluidification fluidique +fluidité fluo fluoaluminate fluoborate fluocarbonate fluocarbure fluochlorure +fluographie fluoniobate fluophosphate fluoplombate fluoramine fluoranthène +fluorescence fluorescéine fluorhydrate fluorhydrine fluoride fluorimètre +fluorine fluorique fluorite fluorobenzène fluorocarbure fluorochrome +fluorométrie fluorophotométrie fluoroscopie fluorose fluoroéthanol +fluorure fluorène fluorénone fluorénylacétamide fluosel fluosilicate +fluostannite fluotantalate fluotitanate fluotournage fluozirconate flustre +flutter fluttering fluviale fluviographe fluviomètre fluxage fluxion fluxmètre +flâne flânerie flâneur flèche fléchage fléchette fléchissement fléchisseur +flémard flénu fléole flétan flétrissement flétrissure flûte flûtiste foal foc +focalisation focimètre focomètre focométrie focquier foehn foetalisation +foeticulture foetographie foetologie foetopathie foetoscope foetoscopie +foi foie foin foirade foirage foirail foiral foire foirolle foison +foissier foissière fol folasse folate folatémie foldingue foliarisation +folichonnerie folie folio foliole foliot foliotage foliotation folioteur +folk folkeur folklore folklorisme folkloriste folksong folle folletage +folliculaire follicule folliculine folliculinurie folliculinémie folliculite +folliculostimuline folâtrerie fomentateur fomentation fomenteur foncet fonceur +foncier foncteur fonction fonctionnaire fonctionnalisation fonctionnalisme +fonctionnalité fonctionnariat fonctionnarisation fonctionnarisme fonctionnelle +foncée fond fondamentalisme fondamentaliste fondant fondateur fondation +fondement fonderie fondeur fondeuse fondoir fondouk fondrière fondu fondue +fongibilité fongicide fongistatique fongosité fontaine fontainier fontanelle +fonte fontenier fontine fonçage fonçaille foot football footballer footballeur +forabilité forage forain foramen foraminifère foration forban forbannissement +forcement forcené forcerie forceur forcine forcing forcipomyia forcipressure +forcé fordisme forerie forestage foresterie forestier foret foreur foreuse +forfaitage forfaitarisation forfaiteur forfaitisation forfaitiste forfaiture +forficule forficulidé forge forgeabilité forgeage forgeron forgeur forint +forjeture forlane formage formal formaldéhyde formalisation formalisme +formalité formamide formanilide formant formariage format formatage formateur +forme formeret formerie formeur formiamide formianilide formiate formica +formicariidé formication formicidé formier formillon formiminoglutamate +formol formolage formophénolique formosan formulaire formulation formule +formylation formyle formène fornicateur fornication forpaisson forskalia +forsythia fort fortage forteresse fortiche fortifiant fortificateur +fortin fortissimo fortraiture fortran fortuitisme fortune forum forure forçage +forézien forêt fossa fossane fosse fosserage fossette fossile fossilisation +fossoyage fossoyeur fossoyeuse fossé fosterage fou fouace fouacier fouage +fouasse foucade fouche foudi foudre foudrier foudroiement foudroyage +fouet fouettage fouettard fouette-queue fouettement fouetteur fouetté foufou +fougasse fouge fougeraie fougerole fougue fougère fouillage fouille fouilleur +fouillot fouillure fouinard fouine fouineur fouissage fouisseur foulage +foulardage foule foulement foulerie fouleur fouleuse fouloir foulon foulonnage +foulque foultitude foulure foulée fouquet four fourbe fourberie fourbi +fourbissement fourbisseur fourbure fourcat fourche fourchet fourchette +fourchetée fourchon fourchée fourgon fourgonnette fourgue fouriérisme +fourmariérite fourme fourmi fourmilier fourmilion fourmilière fourmillement +fournaise fournelage fournette fournier fournil fourniment fournissement +fourniture fournée fourquet fourrage fourrageur fourragère fourre fourreur +fourrière fourrure fourré fourrée fourvoiement foutaise foutelaie fouteur +foutou foutraque foutre foutriquet fouée fouëne fovea fovéa fovéole fowlérite +foyaïte foyer foyère foène foéneur foëne foëneur frac fracassement fractal +fractile fraction fractionnateur fractionnement fractionnisme fractionniste +fracturation fracture fragilisation fragilité fragment fragmentation fragon +frai frairie fraisage fraise fraiseraie fraisette fraiseur fraiseuse fraisier +fraisière fraisiériste fraisoir fraissine fraisure framboesia framboeside +framboise framboiseraie framboisier framboisière framboisé framycétine framée +franc-maçonnerie franchisage franchise franchiseur franchising franchissement +franchouillard francien francisant francisation franciscain franciscanisant +francisme francisque franciste francité franckéite franco-américain francolin +franconien francophile francophilie francophobe francophobie francophone +frange frangin frangipane frangipanier franguline franklinisation franklinisme +franquisme franquiste fransquillon frappage frappe frappement frappeur frappé +frase frasil frasque fraternisation fraternité fraticelle fratricide fratrie +fraudeur fraxine fraxinelle fraxétine frayage frayement frayeur frayoir +frayère frayé frayée fraîcheur fraîchin freak fredaine fredon fredonnement +freesoiler freezer freibergite freieslébénite frein freinage freineur freinte +frelon freluche freluquet fresque fresquiste fresson fressure frestel fret +fretin frettage frette fretté freudien freudisme friabilité friand friandise +fric fricassée fricative friche frichti fricot fricotage fricoteur friction +fridolin friedeline friedélite frigidaire frigidarium frigide frigidité frigo +frigorifique frigorifère frigorigène frigorimètre frigoriste frigothérapie +frileuse frilosité frime frimeur frimousse fringale fringillidé fringue +fripe friperie fripier fripon friponnerie fripouille fripouillerie friquet +frise frisette friseur frisolée frison frisonne frisquette frisson +frisure frisé frisée frite friterie friteur friteuse fritillaire fritillaria +frittage fritte friture frivolité froc frocard froid froideur froidure +froissage froissement froissure fromage fromageon fromager fromagerie fromegi +fromentage fromentée frometon fromgi fromton fronce froncement froncillé +froncé frondaison fronde frondescence frondeur frondipore front frontal +frontalier frontalité frontignan frontisme frontispice frontiste frontière +frontogenèse frontologie frontolyse fronton frottage frotte frottement +frottoir frotture frottée froufrou froufroutement froussard frousse +fructose fructosurie fructosémie fructuaire frugalité frugivore fruit +fruiterie fruiticulteur fruitier fruitière frumentaire frusque frustration +frustule fruticée frère frégatage frégate frégaton frémissement frénésie fréon +fréquencemètre fréquentatif fréquentation frérage frérot fréteur frétillement +frêne frôlement frôleur fröbélien fucacée fucale fucellia fuchsia fuchsine +fucose fucosidase fucosidose fucoxanthine fucoïde fuel fuero fugacité fugitif +fugueur fuie fuite fulcre fulgore fulgoridé fulgurance fulguration fulgurite +fuliginosité fuligule full fullerène fulmar fulmicoton fulminate fulminaterie +fulverin fulvène fumade fumage fumagine fumaison fumarate fumariacée fumature +fumerolle fumeron fumet fumeterre fumette fumeur fumeuse fumier fumigant +fumigation fumigatoire fumigène fumimètre fumiste fumisterie fumivore +fumière fumoir fumure fumé fumée funambule funambulisme fundoplication +fundusectomie fune fungia funiculaire funiculalgie funicule funiculine +funin funk funérarium furanne furannose furcocercaire furet furetage fureteur +furfur furfural furfuraldéhyde furfurane furfurol furfurylamine furfuryle +furia furie furiptéridé furière furnariidé furochromone furocoumarine furole +furonculose furosémide furtivité furyle fusain fusainiste fusant fusariose +fuscine fusel fuselage fuselé fusette fusibilité fusible fusil fusilier +fusilleur fusiniste fusiomètre fusion fusionnement fuso-spirillaire +fusospirochétose fustanelle fustet fustier fustigation fusule fusuline +fusulunidé fusée fuséen fuséologie fuséologue futaie futaille futaine +futal futilisation futilité futon futur futurisme futuriste futurition +futurologue futé futée fuvelle fuvélien fuyant fuyante fuyard fuye fuégien +fâcherie fève féauté fébricule fébrifuge fébrilité fébronianisme fébronien +fécalurie féchelle fécondabilité fécondance fécondateur fécondation fécondité +fécule féculence féculent féculerie féculier fédéralisation fédéralisme +fédérateur fédération fédéré fée féerie félibre félibrige félicie félicité +félin félinité félon félonie fémelot féminin féminisation féminisme féministe +fémur fénite fénitisation fénofibrate féodalisation féodalisme féodalité féra +féria férie féringien férocité féronie féroïen férule fétiche féticheur +fétichisme fétichiste fétidité fétu fétuine fétuque féverole févier févillée +fêle fêlure fêlé fêtard fête föhn fût fûtage fûterie fûtier führer fülöppite +gabardine gabare gabaret gabariage gabarier gabarit gabarre gabarrier gabbro +gabelage gabeleur gabelier gabelle gabelou gabie gabier gabion gabionnage +gable gachier gachupin gade gadget gadgétisation gadicule gadidé gadiforme +gadoline gadolinite gadoue gadouille gaffe gaffeur gag gaga gage gageur +gagiste gagnage gagnant gagne-denier gagneur gagneuse gahnite gaieté gaillard +gaillardie gaillardise gaillet gailleterie gailletin gaillette gain gainage +gainerie gainier gaize gal gala galactagogue galactane galactitol galactocèle +galactographie galactogène galactomètre galactopexie galactophorite +galactophoromastite galactopoïèse galactorrhée galactosaminidase galactose +galactosurie galactosémie galago galalithe galandage galanga galant galanterie +galantine galapiat galate galathée galathéidé galathéoïde galatée galaxie +galaxite galbage galbe galbord galbule galbulidé gale galerie galeriste +galeron galet galetage galette galettière galgal galhauban galibot galicien +galilée galiléen galimafrée galion galiote galipette galipot gallacétophénone +gallate galle gallican gallicanisme gallicisme gallicole galliforme gallinacé +gallinole gallinsecte gallite gallo gallocyanine galloflavine galloisant +gallon gallup gallylanilide galléine gallérie galoche galocherie galochier +galonnage galonnier galonné galop galopade galope galopeur galopin galoubet +galure galurin galvanisateur galvanisation galvaniseur galvanisme galvano +galvanocautère galvanocautérisation galvanomètre galvanoplaste galvanoplastie +galvanoscope galvanostégie galvanotaxie galvanothérapie galvanotropisme +galvanotypie galvardine galvaudage galène galère galéa galéace galéasse galée +galéiforme galéjade galéjeur galénisme galéniste galénobismuthite galéode +galéopithèque galérien galériste galérite galérucelle galéruciné galéruque +gamase gamay gamba gambade gambe gamberge gambette gambien gambier gambille +gambir gambison gambit gambra gambusie gamelan gamelle gamet gamin gaminerie +gammaglobuline gammagraphie gammapathie gammaphlébographie gammare gammaride +gammatomographie gamme gamone gamonte gamophobie gamopétale gamopétalie +gampsodactylie gamète gamétangie gaméticide gamétocyte gamétogenèse +ganache ganacherie ganaderia ganadero gandin gandoura gandourah gang ganga +gangliectomie gangliogliome ganglioglioneurome gangliome ganglion +ganglioneuroblastome ganglioneuromatose ganglioneurome ganglionite +ganglioside gangliosidose gangosa gangrène gangster gangstérisation +gangue gangui ganomalite ganophyllite ganote ganoïde ganoïne gansage ganse +gant gantelet ganteline gantelée ganterie gantier gantière ganymède gaon gap +garage garagiste garance garancerie garanceur garancière garant garanti +garantique garançage garbure garce garcette garde garde-cuisse garde-côte +garde-main garde-manche garde-meuble garde-robe garderie gardeur gardian +gardiennage gardiennat gardine gardon gardonnade gardénal gardénia gare +gargamelle gargantua gargare gargarisme gargasien gargot gargote gargotier +gargouille gargouillement gargoulette gargousse gargousserie gargoussier +garibaldi garibaldien garide garingal garnache garnement garnetteuse garni +garnissage garnisseur garnisseuse garniture garniérite garou garra garrigue +garrottage garrotte garzette garçon garçonne garçonnet garçonnière gascardia +gasconisme gasconnade gasconnisme gasoil gasoline gaspacho gaspi gaspillage +gaspésien gassendisme gassendiste gassérectomie gasteruption gastralgie +gastrectomie gastrectomisé gastrine gastrinome gastrinose gastrinémie gastrite +gastro-duodénostomie gastro-pylorospasme gastrobactérioscopie gastrobiopsie +gastrocolite gastrocoloptose gastrocèle gastroduodénectomie gastroduodénite +gastrodynie gastrofibroscope gastrofibroscopie gastroidea gastrojéjunostomie +gastromancie gastromycète gastromyxorrhée gastromèle gastromélie gastronome +gastropacha gastroparésie gastropathie gastropexie gastrophile gastroplastie +gastropode gastropylorectomie gastropylorospame gastrorragie gastrorraphie +gastroscope gastroscopie gastrostomie gastrosuccorrhée gastrothèque +gastrotonométrie gastrotriche gastrovolumétrie gastrozoïde gastrula +gastéromycète gastérophile gastéropode gastérostéidé gastérostéiforme +gate gatte gattilier gauche gaucher gaucherie gauchisant gauchisme +gauchiste gaucho gaude gaudriole gaufrage gaufre gaufrette gaufreur gaufreuse +gaufroir gaufrure gaufré gaulage gaule gauleiter gaullisme gaulliste gauloise +gaultheria gaulthérase gaulthérie gaulthérine gaulée gaupe gauphre gaur gaura +gavache gavage gavaron gavassine gavassinière gave gaveur gaveuse gavial +gaviidé gaviiforme gavot gavotte gavroche gay gayac gayacol gayal gayette +gazage gaze gazelle gazetier gazette gazeur gazi gazier gazinière gaziste +gazogène gazole gazoline gazomètre gazométrie gazon gazonnage gazonnement +gazé gazéificateur gazéification gaîté gaïac gaïacol gaïazulène gaïol geai +geckonidé gehlénite geignard geignement geikielite geindre geisha gel gelding +gelinotte gelure gelée gemmage gemmation gemme gemmeur gemmiparité gemmiste +gemmologiste gemmologue gemmothérapie gemmule gempylidé gemsbok gencive +gendarmerie gendelettre gendre genet genette genièvre genièvrerie genouillère +gent gentamicine gentamycine gentiamarine gentiane gentianose gentil +gentilhommière gentilice gentilité gentillesse gentiobiose gentiopicrine +gentisate gentiséine genu genèse genépi genévrier genévrière genêt genêtière +georgiadésite gerbage gerbe gerbera gerberie gerbeur gerbeuse gerbier gerbille +gerbillon gerbière gerboise gerbée gerce gercement gerfaut gerle germain +germandrée germane germanifluorure germanique germanisant germanisation +germaniste germanite germanophile germanophilie germanophobe germanophobie +germe germen germinateur germination germinome germoir germon germoplasme +gerrhosauriné gersdorffite gerçure gesse gestalt gestaltisme gestaltiste +gestante gestateur gestation geste gesticulation gestion gestionnaire gestose +gestuelle getchellite getter geyser geysérite geôle geôlier ghanéen ghesha +ghettoïsation ghilde ghorkhur gi giaour giardia giardiase gibbium gibbon +gibbsite gibbule gibbérelline gibecière gibelet gibelin gibelinisme gibelotte +gibet gibier giboulée giclement gicleur giclée gifle gigabit gigacycle +gigaflop gigantisme gigantoblaste gigantocyte gigantomachie gigantopithèque +giganturiforme gigaoctet gigaohm gigapascal gigatonne gigaélectronvolt gigogne +gigot gigotement gigoteuse gigue gilde gilet giletier giletière gille gillie +gin gin-tonic gindre gingembre ginger-beer gingivectomie gingivite +gingivorragie gingivostomatite ginglard ginglet ginglyme ginkgo ginkgoacée +ginkgophyllum ginnerie ginseng giobertite giottesque gir girafe giraffidé +girandole girasol giration giraudia giraumon giraumont giraviation giravion +girellier girie girl girl-scout girodyne girofle giroflier giroflée girolle +girondin gironné girouette gisant giscardien giselle gisement gisoir gitan +gitomètre giton givrage givre givrure givrée glabelle glace glacerie glaceur +glaciairiste glaciation glaciellisation glacier glaciogenèse glaciologie +glacière glaciériste glacé gladiateur gladite glafénine glageon glairage +glairure glaise glaisière glaive glanage gland glandage glande glandeur +glandouilleur glandule glandée glane glanement glaneur glanure glapissement +glasérite glatissement glaubérite glaucochroïte glaucodot glaucome glauconia +glauconite glaucophane glaucophanite glaucurie glaviot glaçage glaçon glaçure +gleditschia gley gleyification glie glioblastome glioblastose gliocinèse +gliomatose gliome gliosarcome gliosclérie gliosclérèse gliose glire gliridé +glischroïdie glissade glissage glissance glissando glissante glisse glissement +glissière glissoir glissoire glissé globalisation globalisme globaliste +globba globe globicéphale globidiose globie globigérine globine globoïde +globule globulie globulin globuline globulinurie globulinémie globulisation +glockenspiel gloire glome glomectomie glomérule glomérulite glomérulohyalinose +glomérulopathie glomérulosclérose glomérulose glomérulostase glomérulée +glorificateur glorification gloriole glose glossaire glossalgie glossateur +glossine glossite glossocèle glossodynie glossolalie glossomanie glossophage +glossoplégie glossoptose glossosiphonie glossotomie glottale glottalisation +glotte glottite glottochronologie glottogramme glottographie glouglou +glouteron glouton gloutonnerie glu glucagon glucagonome glucide glucidogramme +glucinium glucoamylase glucocorticostéroïde glucocorticoïde glucoformateur +glucomètre gluconate gluconéogenèse glucoprotéide glucoprotéine +glucopyrannose glucosamine glucosaminide glucosanne glucose glucoserie +glucoside glucosinolate glucosurie glume glumelle gluon glutamate glutamine +glutathion glutathionémie glutathiémie gluten glutinine glybutamide glycide +glycine glycinose glycinurie glycocolle glycocorticostéroïde glycocorticoïde +glycogène glycogénase glycogénie glycogénogenèse glycogénolyse glycogénopexie +glycogénésie glycol glycolate glycolipide glycolysation glycolyse glycomètre +glyconéogenèse glycopeptide glycopexie glycopleurie glycoprotéide +glycorachie glycorégulation glycosaminoglycane glycoside glycosphingoside +glycosurie glycosurique glycosylation glycuroconjugaison glycuronidase +glycylglycine glycyphage glycère glycémie glycéraldéhyde glycérate glycéride +glycérie glycérine glycéro-phospho-amino-lipide glycérocolle glycérol +glycérophosphate glycérose glycéré glyoxal glyoxaline glyoxime glyoxylase +glyphaea glyphe glyphéide glyptal glypte glyptique glyptodon glyptodonte +glyptologie glyptothèque glèbe glène gléchome glécome glénoïde glénoïdite +gnaf gnangnan gnaphose gnard gnathia gnathobdelle gnathocère gnathologie +gnathostome gnathostomose gnathostomulien gnaule gnetum gniaf gniaffe +gniard gniole gnocchi gnognote gnognotte gnole gnome gnomon gnomonique +gnon gnorime gnose gnosie gnosticisme gnostique gnoséologie gnotobiotique gnou +gnôle goal gobage gobe gobelet gobeleterie gobeletier gobelin goberge gobetage +gobie gobiidé gobille gobioïde gobiésocidé godage godaille godasse godassier +godemiché godet godeur godiche godichon godille godilleur godillot godron +godronnoir goethite goglu gogo goguenardise goguette goinfre goinfrerie goitre +goleador golem golf golfe golfeur golfier goliard goliath golmote golmotte +gomariste gombo gomina gommage gomme gommette gommeur gommeuse gommier gommose +gomphocère gomphothérium goménol gon gonade gonadoblastome gonadocrinine +gonadoréline gonadostimuline gonadotrophine gonadotrophinurie gonadotropin +gonarthrie gonarthrite gonarthrose gond gondolage gondole gondolement +gone gonelle gonfalon gonfalonier gonfanon gonfanonier gonflage gonflant +gonflement gonfleur gong gongora gongorisme gongoriste gongylonémiase +goniatite gonidie gonie gonimie goniocote goniodysgénésie goniographe +goniome goniomètre goniométrie gonion goniophotocoagulation gonioplastie +gonioscopie goniosynéchie goniotomie gonnelle gonochorie gonochorisme +gonococcémie gonocoque gonocyte gonocytome gonolek gonométrie gonophore +gonorrhée gonoréaction gonosome gonozoïde gonze gonzesse gopak goral gorbuscha +gord gordiacé gordien gordon gordonite gorellerie goret gorfou gorge +gorgeon gorgeret gorgerette gorgerin gorget gorgière gorgonaire gorgone +gorgonocéphalidé gorgonopsien gorgonzola gorgère gorgée gorille gortyne +gosier goslarite gospel gosse gossyparie gotha gothique gotique goton gouache +gouaillerie goualante goualeur gouanie gouape gouapeur gouda goudron +goudronnerie goudronneur goudronneuse goudronnier gouet gouffre gouge gougeage +gougette gougeur gougeuse gougnafier gougère gouille gouine goujat goujaterie +goujonnage goujonnette goujonnier goujonnière goujonnoir goujure goulache +goulag goulasch goulash goule goulet goulette goulot goulotte goulu goulée +goumier goundi goundou goupil goupillage goupille goupillon goupineur gour +gourami gourance gourante gourbi gourd gourde gourderie gourdin gourgandine +gourmand gourmandise gourme gourmet gourmette gournable gourou gouspin +gousse gousset goutte gouttelette gouttière gouvernail gouvernance gouvernant +gouverne gouvernement gouvernementalisme gouvernementaliste gouverneur +goyave goyavier goyazite goéland goélette goémon goémonier goétie goï goût +goûteur grabat grabataire grabatisation graben grabuge gracieuseté gracilaire +gracilisation gracilité gracioso gradateur gradation grade grader gradient +gradinage gradine gradualisme gradualiste graduat graduateur graduation +gradueur gradé graellsia graff graffeur graffitage graffiteur graffiti +grahamite graille graillement graillon grain grainage graine graineterie +graineur grainier graissage graisse graisseur graissoir gralline gramen +graminacée graminée grammaire grammairien grammaticalisation grammaticalité +grammatologie gramme grammoptère gramophone granatinine grand grand-maman +grand-mère grand-tante grandesse grandeur grandgousier grandiloquence +grandvallier grange granger grangier grangée granit granite granitier +granité granoclassement granodiorite granophyre grantia granularité granulat +granulation granulatoire granule granulie granulite granuloblastome +granulocyte granulocytoclasie granulocytopoïèse granulocytopénie +granulogramme granuloma granulomatose granulome granulométrie granulopoïèse +granulosarcomatose granulé grapefruit grapette graphe grapheur graphicien +graphique graphisme graphiste graphitage graphite graphitisation graphitose +grapholithe graphologie graphologue graphomanie graphomotricité graphomyia +graphométrie graphophobie graphorrhée graphosphère graphothérapeute +graphème grappe grappette grappier grappillage grappilleur grappillon grappin +grapsidé graptolite grasserie grasset grasseyement grateron graticulage +graticule gratification gratin gratiné gratinée gratiole gratitude grattage +gratte-bosse gratte-cul grattebossage grattelle grattement gratteron gratteur +gratton grattonnage grattouillement gratture gratuité gravatier grave gravelet +graveline gravelle gravelot gravelure gravelée gravenche gravette gravettien +gravicepteur gravidisme gravidité gravier gravillon gravillonnage +gravillonneuse gravillonnière gravimètre gravimétrie gravisphère gravitation +gravité gravière gravoir gravoire gravurage gravure gravureur gravureuse gray +grec grecquage grecque gredin gredinerie green greenockite greffage greffe +greffier greffographie greffoir greffon greffé greisen grelette grelin grelot +grelottière greluche greluchon grenache grenadage grenade grenadeur grenadier +grenadin grenadine grenadière grenage grenaillage grenaille grenaillement +grenaison grenat grenatite grenetier greneur grenier grenoir grenouillage +grenouillette grenouilleur grenouillère grenu grenure gressier gressin grevé +gribouillage gribouille gribouilleur gribouri grief griffade griffage griffe +griffeur griffon griffonnage griffonnement griffonneur griffure grifton grigne +grignotage grignotement grignoteur grignoteuse grigou grigri gril grill +grilladerie grillage grillageur grillardin grille grilleur grilleuse grilloir +grimace grimage grimaud grime grimoire grimpant grimper grimpette grimpeur +grincement grinde gringalet gringo gringue griot griotte griottier griphite +grippe grippement grippé grisage grisaille grisailleur grisard grisbi griserie +grisette grisollement grison grisonnement grisotte grisou grisoumètre +grisouscope grisouscopie grisé grisée griséofulvine grive grivelage griveleur +griveton grivna grivoise grivoiserie grivèlerie grizzli grizzly groenendael +grognard grognasse grogne grognement grognerie grogneur grognon groie groin +grole grolle gromie grommellement grondement gronderie grondin groom +gros-porteur gros-pêne gros-ventre groschen groseille groseillier grosse +grossesse grosseur grossissage grossissement grossiste grossium grossièreté +grotesque grotte grouillement grouillot ground group groupage groupe +groupeur groupie groupiste groupuscularisation groupuscule grouse grue gruerie +grugeoir gruiforme grume grumelure grumier grundtvigianisme grunion gruon +grutum gruyer gruyère gryllidé grylloblattidé gryphée gryphéidé grâce grèbe +grènetoir grèneture grève gréage grébiche grébifoulque grébige grécité +gréeur grégarine grégarisme grégorien grémil grémille grénétine grésage +gréseur grésil grésillement grésillon grésière grésoir gréviste grêle grêlier +grünlingite grünérite guacharo guadeloupéen guaiacol guaiazulène guaiol +guanidine guanidinium guanidinurie guanidinémie guanine guanite guano +guanylguanidine guarani guaranine guatemaltèque guatémaltèque guelfe guelfisme +guenille guenon guerenouk guerre guerrier guesdisme guesdiste guet guette +gueulante gueulard gueule gueulement gueuleton gueulette gueuloir gueuse +gueusette gueuze gugusse gui guib guibole guibolle guibre guiche guichet +guidage guidance guide guide-greffe guide-lime guide-âne guiderope guidon +guignard guigne guignette guignier guignol guignolade guignolet guignon guilde +guildite guiledin guillaume guilledin guillemet guillemot guilleri guillochage +guillocheur guillochure guilloché guilloire guillon guillotine guillotineur +guimauve guimbarde guimpe guimperie guimpier guinche guincheur guindage +guinde guinderesse guinette guinguette guinée guinéen guipage guiperie guipier +guipon guipure guipé guirlandage guirlande guisarme guisarmier guitare +guiterne guitoune guivre gujarati gulden gulose gummite gundi gunitage gunite +guppy guru gusse gustation gustométrie guttifère guttiférale gutturale +gutuater guyot guzla guèbre guède guète gué guéguerre guépard guéret guéridon +guérillero guérinie guérison guérisseur guérite guéréza guévariste guêpe +guêpière guêtre guêtrier guêtron gym gymkhana gymnamoebien gymnarche gymnarque +gymnasiarque gymnasiarquie gymnaste gymnastique gymnique gymnoblastide +gymnocérate gymnodactyle gymnodinidé gymnodinium gymnolème gymnolémate +gymnopleure gymnorhine gymnosome gymnosophie gymnosophisme gymnosophiste +gymnospermie gymnostome gymnote gymnure gymnétron gynandre gynandrie +gynandromorphisme gynandroïde gynanthropie gynatrésie gynogamone gynogenèse +gynomérogonie gynotermone gynoïdisme gynécographie gynécologie gynécologiste +gynécomaste gynécomastie gynéconome gynécophobie gynécée gynéphobie gynérium +gypsage gypse gypserie gypsomètre gypsophile gypsotomie gyr gyrateur gyrin +gyrobroyeur gyrocotyle gyrodactyle gyrolaser gyrolite gyromitre gyromètre +gyrophare gyropilote gyroscope gyrostabilisateur gyrostat gyrotrain gyrovague +gâchage gâche gâchette gâcheur gâchée gâte-papier gâterie gâtine gâtisme gène +géante géaster gébie gécarcinidé gédanite gédrite gégène géhenne gélada +gélatine gélatinisant gélatinisation gélatinographie gélifiant gélificateur +gélifieuse gélifié gélifraction gélignite gélinotte gélistructure +gélivation gélivité gélivure gélolevure gélose gélule géléchie gématrie +gémelliparité gémellité gémination géminée gémissement génalcaloïde génialité +génine génioplastie génisse génisson génistéine génitalité géniteur génitif +génocide génodermatologie génodermatose génodysplasie génodystrophie génoise +génoneurodermatose génopathie génope génoplastie génotype génovéfain +génuflexion généalogie généalogiste génépi généralat générale généralisabilité +généralissime généraliste généralité générateur génération générativisme +génératrice généricité générique générosité génésérine généticien génétique +génétiste géo géoarchéologie géobarométrie géocancérologie géocarcinidé +géocentrisme géochimie géochimiste géochronologie géochronomètre +géocorise géocouronne géocronite géode géodynamique géodésie géodésique +géographe géographicité géographie géologie géologue géomagnéticien +géomancie géomembrane géomorphologie géomorphologue géomyidé géomyza géomètre +géométrie géométrisation géonomie géophage géophagie géophagisme géophile +géophysique géophyte géopolitique géopélie géorgien géorgisme géosismique +géostatique géostratégie géotactisme géotaxie géotechnique géotextile +géothermomètre géothermométrie géotrichose géotropisme géotrupe géoïde +gérance géraniacée géranial géraniale géraniol géranium géraniée gérant +gérhardtite gériatre gériatrie gérodermie géromorphisme géromé gérondif +gérontisme gérontocratie gérontologie gérontologue gérontophile gérontophilie +gérontotoxon gérontoxon géryonia géré gérénuk gésier gésine gêne gêneur gîtage +gîtologie gödelisation gödélisation habanera habenaria habenula haberlea +habilitation habilité habillage habillement habilleur habit habitabilité +habitant habitat habitation habituation habitude habitudinaire habituel +habou habrobracon habronème habronémose habu habénula hachage hache hachement +hachette hacheur hacheuse hachischin hachischisme hachoir hachotte hachurateur +haché hacienda hacker hackney hacquebute haddock hadj hadjdj hadji hadron +hadène haematopodidé haematoxylon haff haflinger hafnia hafside hagendorfite +hagiographie hagiologie hague hahnie hahnium haidingérite haie haillon haine +haire hakea halage halbi halbran halcyon halde haldu hale-croc halecium +haleine halement haleur half-track halia halibut halichondrie halichondrine +halicte halictidé halieutique halimodendron halin haliotide haliotidé haliple +halite halitherium halitose hall hallage hallali halle hallebarde hallebardier +hallomégalie halloysite hallucination hallucinogène hallucinolytique +halluciné halma halo halobate haloclastie halocline haloforme halographie +halogénalcane halogénamide halogénamine halogénation halogénide halogénimide +halogénoalcane halogénoamide halogénoamine halogénohydrine halogénure +halon halophile halophyte halopropane halopéridol halosaure halosel halothane +haloxylon haloïde halte haltica haltère haltérophile haltérophilie halva +halètement haléciidé hamac hamada hamadryade hamamélidacée hamartoblastome +hamartomatose hamartome hamatum hamaïde hambergite hambourgien hamburger +hamidiye hamiltonien hamlétien hammam hampe hamster hamule hamza hamède +hanafisme hanafite hanap hanbalisme hanbalite hanche hanchement hancornia +handballeur handicap handicapeur handicapé hanet hangar hanifite hanksite +hanneton hannetonnage hanon hanouman hanovrien hansart hanse hansel hanseniase +hansénien hansénose hantise haoma haoussa hapalidé hapalémur hapaxépie +haplo haplobionte haplodiplobionte haplodiplobiose haplographie haplogyne +haplologie haplomitose haplonte haplophase haplostomate haplotype haploïdie +happe-chair happe-lopin happement happening haptine haptique haptoglobine +haptoglobinémie haptomètre haptonastie haptophore haptotropisme haptène +haque haquebute haquenée haquet hara harangue haranguet harangueur harasse +harceleur harcèlement hard-rock harde hardi hardiesse hardware hardystonite +harem hareng harengaison harenguet harenguier harenguière harengère haret +hargne haricocèle haricot haridelle harissa harki harle harmattan harmonica +harmonicité harmonicorde harmonie harmonique harmonisateur harmonisation +harmonium harmoste harmotome harnachement harnacheur haro harpacte +harpactor harpagon harpail harpaille harpale harpe harpette harpie harpiste +harpoise harpon harponnage harponnement harponneur harpye harrier harrimaniidé +haruspice harzburgite hasard haschichin haschichisme haschischin haschischisme +hassidisme hast hastaire haste hattéria hauban haubanage haubergeon haubergier +hauchecornite haudriette haugianisme haugianiste hausmannite hausse hausse-col +haussette haussier haussière haussoir haussoire haustration haut haut-parleur +hautboïste haute hauterivien hautesse hauteur hautin hauérite havage havanaise +have havenet haversite haveur haveuse havi havre havresac havrit havée +hawaiite hawaïen hawiyé hayon hayve hazzan haïdouk haïk haïkaï haïsseur +haüyne heat heaume heaumier hebdo hebdomadaire hebdomadier hectare hectisie +hectogramme hectographie hectolitre hectomètre hectopascal hectopièze +hectémore hegemon heideggérien heiduque heimatlosat helcon hellandite +hellène hellébore hellénisant hellénisation hellénisme helléniste hellénophone +helminthe helminthiase helminthide helminthique helminthologie helminthose +helobdella helvelle helvite helvète helvétien helvétisme hemmage hendiadyin +hendécasyllabe hennin hennissement hennuyer henné henricia henry heptacorde +heptamètre heptanal heptane heptanoate heptanol heptanone heptaptyque +heptasyllabe heptathlon heptaèdre heptite heptitol heptose heptulose heptyle +heptynecarboxylate heptène herbage herbager herbagère herbe herberie herbette +herbier herbivore herbière herborisateur herborisation herboriste +herbu herbue herchage hercheur hercogamie hercule hercynien hercynite +hermandad hermaphrodisme hermaphrodite hermelle hermine herminette herminie +hermée herméneutique herméticité hermétique hermétisme hermétiste herniaire +herniographie hernioplastie herniorraphie herpangine herpe herpestiné +herpétide herpétisme herpétologie herpétologiste herpétomonadale hersage +herscheur herse herseur herseuse herzenbergite hespéranopie hespéridé hespérie +hessite hetman heulandite heure heuristique heurt heurtoir heuse hewettite +hexachlorocyclohexane hexachlorophène hexachlorure hexacoralliaire hexacorde +hexadactylie hexadiène hexadécadrol hexadécane hexadécanol hexadécyle +hexagone hexahydrite hexamidine hexamine hexamoteur hexamètre +hexamétapol hexaméthonium hexaméthylphosphotriamide hexaméthylène +hexaméthylèneglycol hexaméthylènetétramine hexanchiforme hexane +hexanitromannite hexanol hexanone hexapode hexapodie hexaréacteur hexastyle +hexatétraèdre hexaèdre hexite hexitol hexobarbital hexoctaèdre hexoestrol +hexokinase hexolite hexone hexosaminidase hexose hexyl hexyle hexylèneglycol +hexénol heyite hibernation hibernie hibernome hibernothérapie hibonite hican +hidalgo hiddénite hideur hidradénite hidradénome hidrocystome hidrorrhée +hidrose hie highland highlander highway higoumène hijab hikan hilara hilarité +hiloire hilote hilotisme himalaya himalayisme himalayiste himation himera +hindouisation hindouisme hindouiste hindouité hinschisme hinschiste hinsdalite +hiortdahlite hipparchie hipparion hipparque hippiatre hippiatrie hippiatrique +hippisme hippoboscidé hippobosque hippocampe hippocastanacée hippocratisme +hippodrome hippogriffe hippologie hippologue hippolyte hippomancie hippomorphe +hippophage hippophagie hippophaé hippopotame hippotechnie hippotraginé +hippuricurie hippurie hippurite hippuropathie hippy hircine hirondelle hirsute +hirudinase hirudination hirudine hirudiniculteur hirudiniculture +hirudinée hirundinidé hisingérite hispanique hispanisant hispanisme hispaniste +hispanophone hispe hissage histaminase histaminasémie histamine histaminergie +histaminopexie histaminurie histaminémie hister histidine histidinurie +histioblaste histioblastome histiocyte histiocytomatose histiocytome +histiocytose histiocytémie histioleucémie histiologie histiolymphocytose +histiotrophie histochimie histocompatibilité histodiagnostic histoenzymologie +histogramme histohématine histoire histologie histologiste histolyse +histone histopathologie histophysiologie histoplasma histoplasmine +histopoïèse histopycnose historadiogramme historadiographie historicisme +historicité historien historiette historiogramme historiographe +historique historisation historisme histothérapie histrion histrionisme +hit hit-parade hitlérien hitlérisme hittite hiver hivernage hivernale +hivernation hivérisation hièble hiérarchie hiérarchisation hiérarque +hiératisme hiératite hiérobotanie hiérobotanique hiérodiacre hiérodoule +hiérodule hiérodulie hiérogamie hiéroglyphe hiérogrammate hiérogrammatiste +hiérographie hiérologie hiéromancie hiéromanie hiéromnémon hiéromoine +hiéron hiéronymite hiérophante hiéroscopie hiérosolymitain hjelmite +hoatzin hoazin hobbisme hocco hoche hoche-queue hochement hochepot hochequeue +hockey hockeyeur hodja hodjatoleslam hodochrone hodographe hodologie hodoscope +hoernésite hogan hognette hoir hoirie holacanthe holaster holastéridé +holding holisme holiste hollandaise hollande hollandite holmine holocauste +holocène holocéphale holoenzyme hologamie hologenèse hologramme holographie +holomètre holométope holoprosencéphalie holoprotéide holoprotéine holoside +holothuride holothurie holotriche holotype holoèdre holoédrie homalium +homalota homard homarderie homardier hombre home home-trainer homeland +homicide homilite homilétique hominidé hominien hominisation hominoïde hommage +homo homocaryose homocentre homocercie homochromie homocystinurie homocystéine +homodonte homodontie homogamie homogamétie homoglosse homogramme homographe +homogreffe homogyne homogénat homogénie homogénéisateur homogénéisation +homogénésie homologation homologie homologue homomorphie homomorphisme +homoneure homonyme homonymie homophile homophilie homophone homophonie +homoplastie homopolymère homopolymérisation homoptère homorythmie +homosexualité homosexuel homosocialité homosphère homothallie homothallisme +homothermie homothétie homotopie homotransplant homotransplantation homotypie +homozygote homozygotie homozygotisme homuncule homéen homélie homéogreffe +homéopathe homéopathie homéoplasie homéosaure homéosiniatrie homéostase +homéostat homéotherme homéothermie homéothérapie homéotype homéousien homéride +honchet hondurien hongre hongreur hongroierie hongroyage hongroyeur honguette +honk honneur honnêteté honorabilité honorariat honorée honte hooligan +hoolock hopak hoplie hoplite hoplitodromie hoplocampe hoploptère hoplure +hoquet hoqueton horaire horde hordéine hordénine horion horizon horizontale +horloge horloger horlogerie hormogenèse hormogonie hormone hormoniurie +hormonogenèse hormonogramme hormonologie hormonopoïèse hormonosynthèse +hormonurie hormonémie hornblende hornblendite hornpipe horodateur horographe +horométrie horoptère horoscope horoscopie horreur horripilateur horripilation +hors-piste horsain horsfordite horsin horst hortensia horticulteur +hortillon hortilloneur hortillonnage hortillonneur hortonolite hosanna hospice +hospitalisation hospitalisme hospitalisé hospitalité hospitalocentrisme +hostellerie hostie hostilité hosto hot-dog hotte hottentot hotteret hotteur +hottée hotu houache houage houaiche houari houblon houblonnage houblonnier +houdan houe hougnette houille houiller houillification houillère houka houle +houligan houliganisme houlque houppe houppelande houppette houppier houque +hourdage houret houri hourque hourra hourrite hourvari housard housecarl +houssage houssaie houssard housse housset houssette houssine houssière +houssée housure hovea hovenia hovercraft hoverport howardie howlite huard +huaxtèque hublot huche hucherie huchet huchette huchier huerta huguenot huia +huile huilerie huilier huilome huisserie huissier huitain huitaine huitième +hululation hululement hum humage humain humanisation humanisme humaniste +humanitariste humanité humanoïde humantin humboldtine humectage humectant +humecteuse humeur humidificateur humidification humidimètre humidité +humiliation humilité humilié humite humoresque humorisme humoriste humour +humulène hune hunier hunter huppe huque hurdler hure hureaulite hurlement +hurluberlu hurlée huron hurrah hurricane hussard hussarde husserlien hussite +hutia hutinet hutte hutu huve huée huître huîtrier huîtrière hyacinthe hyale +hyalinia hyalinose hyalite hyalographie hyalome hyalonème hyalophane +hyaloplasme hyalose hyalosponge hyalothère hyalotékite hyaloïde hyaluronidase +hybridation hybride hybridisme hybridité hybridome hydantoïne hydarthrose +hydatidocèle hydatidose hydaturie hydne hydrach hydrachne hydrachnelle +hydracide hydractinie hydradénome hydraena hydragogue hydraire +hydrangelle hydrangée hydranthe hydrargie hydrargilite hydrargyre hydrargyrie +hydrargyrose hydrargyrostomatite hydrargyrothérapie hydratant hydratation +hydraule hydraulicien hydraulicité hydraulique hydraviation hydravion +hydrazine hydrazinium hydrazinobenzène hydrazobenzène hydrazone hydrazoïque +hydrellia hydrencéphalie hydrencéphalocrinie hydrencéphalocèle hydriatrie +hydrie hydrindane hydrine hydroa hydroapatite hydrobase hydrobatidé +hydrobie hydrobiologie hydroboracite hydroboration hydrocachexie hydrocalice +hydrocarbonate hydrocarbure hydrocarburisme hydrocellulose hydrocharidacée +hydrocholécyste hydrocinésithérapie hydrocirsocèle hydroclasseur hydroclastie +hydrocolloïde hydrocolpotomie hydrocoralliaire hydrocorise hydrocortisone +hydrocracking hydrocraquage hydrocraqueur hydroculdoscopie hydrocution +hydrocyclone hydrocyon hydrocystome hydrocèle hydrocéphale hydrocéphalie +hydrocérusite hydrodynamique hydrodésalkylation hydrodésulfuration +hydrofilicale hydrofinissage hydrofinition hydrofoil hydroformage +hydrofugation hydrofuge hydrogastrie hydrogel hydrogenèse hydroglisseur +hydrographie hydrogénation hydrogénobactérie hydrogénolyse hydrogénosel +hydrogénosulfure hydrogénoïde hydrogéologie hydrohalite hydrohalogénation +hydrokinésithérapie hydrolase hydrolat hydrolipopexie hydrolithe hydrologie +hydrologue hydrolysat hydrolyse hydrolé hydromagnésite hydromagnétisme +hydromanie hydromante hydromel hydromellerie hydromica hydrominéralurgie +hydromodéliste hydromorphie hydromphale hydromyiné hydromyélie hydromyélocèle +hydroméduse hydroméningocèle hydrométalloplastie hydrométallurgie hydrométrie +hydronium hydronyme hydronymie hydronéphrose hydronéphrotique hydropancréatose +hydropexie hydrophane hydrophidé hydrophile hydrophilie hydrophobie hydrophone +hydrophosphate hydrophtalmie hydrophylle hydropique hydropisie hydroplanage +hydropneumatisation hydropneumatocèle hydropneumopéricarde hydropore hydropote +hydroptère hydropulseur hydropénie hydropéricarde hydropéritoine +hydroquinol hydroquinone hydroraffinage hydrorragie hydrorrhée hydrosablage +hydrosaure hydroscopie hydrose hydrosilicate hydrosol hydrosolubilité +hydrostatique hydrosulfite hydrosyntasie hydrosélection hydroséparateur +hydrotalcite hydrotaxie hydrothermalisme hydrothermothérapie hydrothérapeute +hydrotimètre hydrotimétrie hydrotomie hydrotraitement hydrotropie +hydrotubation hydrotypie hydrotée hydroxocobalamine hydroxonium hydroxyacétone +hydroxyalkylation hydroxyalkyle hydroxyandrosténedione hydroxyanthraquinone +hydroxyapatite hydroxyazoïque hydroxybenzaldéhyde hydroxybenzène +hydroxycoumarine hydroxyde hydroxydione hydroxyhalogénation hydroxyhydroquinol +hydroxylamine hydroxylammonium hydroxylase hydroxylation hydroxyle +hydroxynaphtalène hydroxynaphtoquinone hydroxyproline hydroxyprolinurie +hydroxystéroïde hydroxytoluène hydroxyurée hydroxyéthylamidon +hydrozincite hydrozoaire hydroélectricien hydroélectricité hydroïde hydrure +hydrurie hydrémie hydrémèse hygiaphone hygiène hygiéniste hygrobie hygroma +hygrométricité hygrométrie hygrophore hygrophyte hygroscope hygroscopie +hygrotropisme hylaste hylastine hylidé hylobatidé hylochère hylognosie +hylotrupe hylozoïsme hylémyie hylésine hymen hymnaire hymne hymnodie +hymnographie hymnologie hyménium hyménomycète hyménomycétale hyménophore +hyménoptéroïde hyménostome hyménotomie hyménée hynobiidé hyoglosse hyolithe +hyosciamine hyoscine hyostylie hyoïde hypallage hyparchie hyparque hypblaste +hypbromite hypera hyperacanthose hyperacidité hyperacousie hyperactif +hyperacusie hyperalbuminorachie hyperalbuminose hyperalbuminémie +hyperaldostéronisme hyperaldostéronurie hyperalgie hyperalgique hyperalgésie +hyperallergie hyperalphaglobulinémie hyperaminoacidurie hyperaminoacidémie +hyperamylasémie hyperandrisme hyperandrogénie hyperandrogénisme +hyperaridité hyperazoturie hyperazotémie hyperbarie hyperbarisme +hyperbate hyperbilirubinémie hyperbole hyperboloïde hyperbêtaglobulinémie +hypercalcistie hypercalcitoninémie hypercalciurie hypercalcémie hypercapnie +hypercharge hyperchlorhydrie hyperchlorhydropepsie hyperchloruration +hyperchlorémie hypercholestérolémie hypercholie hypercholémie +hyperchromie hyperchylomicronémie hypercinèse hypercinésie hypercitraturie +hyperclarté hypercoagulabilité hypercoagulation hypercollision +hypercompresseur hypercorrection hypercorticisme hypercorticoïdurie +hypercortisolisme hypercousie hypercrinie hypercrinémie hypercritique +hypercréatinurie hypercube hypercuprorrachie hypercuprurie hypercuprémie +hypercytose hypercémentose hyperdiadococinésie hyperdiploïde hyperdiploïdie +hyperdulie hyperdynamie hyperectodermose hyperencéphale hyperendophasie +hyperergie hyperespace hyperesthésie hyperesthésique hyperestrogénie +hypereutectique hypereutectoïde hyperexistence hyperextensibilité +hyperfibrinolyse hyperfibrinémie hyperflectivité hyperfluorescence +hyperfolliculinie hyperfolliculinisme hyperfolliculinémie hyperfonctionnement +hyperfréquence hypergammaglobulinémie hypergastrinie hypergastrinémie +hyperglobulie hyperglobulinémie hyperglycinurie hyperglycinémie hyperglycistie +hyperglycémiant hyperglycémie hyperglycéridémie hypergol hypergonadisme +hypergonar hypergroupe hypergueusie hypergynisme hypergénitalisme hyperhidrose +hyperhydratation hyperhydrémie hyperhémie hyperhémolyse hyperhéparinémie +hyperidrose hyperimmunisation hyperimmunoglobulinémie hyperindoxylémie +hyperinose hyperinsulinie hyperinsulinisme hyperinsulinémie hyperintensité +hyperkalicytie hyperkaliémie hyperkinésie hyperkératose hyperlactacidémie +hyperlaxité hyperleucinémie hyperleucocytose hyperlipidémie +hyperlipoprotéinémie hyperlipémie hyperlordose hyperlutéinie +hyperlutéinémie hyperlymphocytose hyperlysinémie hypermacroskèle +hypermagnésiémie hypermagnésémie hypermarché hypermastie hypermastigine +hyperminéralocorticisme hypermnésie hypermnésique hypermobilité hypermutation +hypermédiatisation hyperménorrhée hypermétamorphose hyperméthioninémie +hypermétrique hypermétrope hypermétropie hypernatriurie hypernatriurèse +hypernatrémie hypernickélémie hypernéphrome hyperoctanoatémie hyperoestrogénie +hyperoestrogénémie hyperoestroïdie hyperoestroïdurie hyperonyme hyperonymie +hyperorchidie hyperorexie hyperorganisme hyperosmie hyperosmolalité +hyperostose hyperostéoclastose hyperostéogenèse hyperostéolyse hyperostéoïdose +hyperoxalurie hyperoxalémie hyperoxie hyperoxémie hyperpancréatie +hyperparathyroïdie hyperparathyroïdisation hyperparathyroïdisme hyperparotidie +hyperpepsie hyperpeptique hyperphagie hyperphalangie hyperphorie +hyperphosphatasémie hyperphosphaturie hyperphosphatémie hyperphosphorémie +hyperphénolstéroïdurie hyperphénylalaninémie hyperpigmentation +hyperpiésie hyperplan hyperplaquettose hyperplasie hyperplastie hyperploïdie +hyperpneumocolie hyperpnée hyperpolarisation hyperpolypeptidémie +hyperpression hyperproduction hyperprolactinémie hyperprolinurie +hyperprosexie hyperprothrombinémie hyperprotidémie hyperprotéinorachie +hyperprovitaminose hyperprégnandiolurie hyperpyrexie hyperpyruvicémie +hyperréactivité hyperréalisme hyperréaliste hyperréflectivité hyperréflexie +hyperréticulocytose hypersarcosinémie hypersensibilisation hypersensibilité +hypersensitivité hypersexualité hypersialie hypersidérose hypersidérémie +hypersomatotropisme hypersomniaque hypersomnie hypersomnolence hyperson +hypersphère hypersplénie hypersplénisme hypersplénomégalie hyperspongiocytose +hyperstaticité hypersthène hypersthénie hypersthénique hypersthénite +hyperstimulinie hyperstructure hyperstéréoscopie hypersudation +hypersustentateur hypersustentation hypersympathicotonie hypersynchronie +hypersémie hypersérinémie hypersérotoninémie hypertendu hypertenseur +hypertensine hypertensinogène hypertension hypertestostéronie hypertexte +hyperthermique hyperthiémie hyperthrombocytose hyperthymie hyperthymique +hyperthymisme hyperthyroxinie hyperthyroxinémie hyperthyroïdation +hyperthyroïdien hyperthyroïdisation hyperthyroïdisme hyperthyréose +hypertonie hypertonique hypertransaminasémie hypertrempe hypertrichose +hypertrophie hypertropie hypertélie hypertélisme hypertélorisme hyperuraturie +hyperuricosurie hyperuricémie hypervalinémie hypervariabilité +hypervasopressinémie hyperventilation hyperviscosité hypervitaminose +hypervolume hypervolémie hyperzincurie hyperzincémie hyperélectrolytémie +hyperémotif hyperémotivité hyperémèse hyperéosinophilie hyperéosinophilisme +hyperépidermotrophie hyperépidose hyperépinéphrie hypesthésie hyphe +hypholome hyphomycétome hyphéma hypnalgie hypne hypnoanalyse hypnoanesthésie +hypnogramme hypnogène hypnologie hypnopathie hypnose hypnoserie +hypnothérapie hypnotique hypnotiseur hypnotisme hypnotoxine hypnurie +hypoacousie hypoalbuminémie hypoalgie hypoalgésie hypoaminoacidémie +hypoandrie hypoandrogénie hypoandrogénisme hypoarrhénie hypoazoturie hypobore +hypobêtalipoprotéinémie hypocagne hypocalcie hypocalcistie hypocalcitoninémie +hypocalcémie hypocapnie hypocarotinémie hypocauste hypocentre hypochlorhydrie +hypochloruration hypochlorurie hypochlorémie hypocholestérolémie hypocholie +hypocholémie hypochondre hypochondriaque hypochondrie hypochondrogenèse +hypochromatopsie hypochromie hypocinésie hypocoagulabilité hypocomplémentémie +hypocondriaque hypocondrie hypoconvertinémie hypocoristique hypocorticisme +hypocotyle hypocrinie hypocrisie hypocrite hypocréatininurie hypocréatinurie +hypocycloïde hypocéphale hypoderme hypodermite hypodermoclyse hypodermose +hypodiploïdie hypodontie hypodynamisme hypoergie hypoesthésie hypoesthésique +hypoeutectoïde hypofertilité hypofibrinogénémie hypofibrinémie +hypofolliculinisme hypofolliculinémie hypogalactie hypogammaglobulinémie +hypogastropage hypoglobulie hypoglobulinémie hypoglosse hypoglossite +hypoglycémiant hypoglycémie hypoglycémique hypoglycéridémie hypognathe +hypogonadotrophinurie hypogranulocytose hypogueusie hypogueustie hypogynisme +hypogénitalisme hypogénésie hypohidrose hypohormoniurie hypohydrémie +hypohéma hypohémoglobinie hypointensité hypokalicytie hypokaliémie hypokhâgne +hypolaryngite hypoleucie hypoleucocytose hypoleydigisme hypolipidémiant +hypolipoprotéinémie hypolipémie hypolome hypolutéinie hypolutéinémie +hypomagnésiémie hypomagnésémie hypomane hypomanie hypomastie hypomimie +hyponatriurie hyponatriurèse hyponatrurie hyponatrémie hyponeurien +hyponitrite hyponomeute hyponomeutidé hyponyme hyponymie hypopancréatie +hypoparathyroïdisme hypopepsie hypopepsique hypophamine hypophobie hypophorie +hypophosphate hypophosphaturie hypophosphatémie hypophosphite hypophosphorémie +hypophysectomie hypophysite hypophysogramme hypophénylalaninémie +hypopinéalisme hypopion hypopituitarisme hypoplaquettose hypoplasie +hypoploïdie hypopneumatose hypopnée hypopolyploïdie hypopotassémie +hypoproconvertinémie hypoprosexie hypoprothrombinémie hypoprotidémie +hypoprotéinémie hypoprégnandiolurie hypopyon hyporéflectivité hyporéflexie +hyposcenium hyposialie hyposidérémie hyposmie hyposomnie hypospade +hypostase hypostasie hyposthénie hyposthénique hyposthénurie hypostimulinie +hypostéatolyse hyposulfite hyposystolie hyposécrétion hyposémie hyposérinémie +hypotaxe hypotendu hypotenseur hypotension hypotestostéronie hypothalamectomie +hypothermie hypothrepsie hypothromboplastinémie hypothymie +hypothyroxinémie hypothyroïdation hypothyroïdie hypothyroïdisation +hypothyréose hypothèque hypothèse hypothécie hypothénar hypotonie hypotonique +hypotransaminasémie hypotriche hypotrichose hypotriglycéridémie hypotrophie +hypotrème hypotypose hypotélisme hypotélorisme hypoténuse hypovasopressinisme +hypovirulence hypovitaminose hypovolhémie hypovolémie hypoxanthine hypoxhémie +hypoxiehypercapnie hypoxémie hypozincurie hypozincémie hypoépinéphrie +hypoéveil hypsarythmie hypsilophodon hypsocéphalie hypsodontie hypsogramme +hypsomètre hypsométrie hyptiogenèse hyptiote hypuricémie hypène hypérette +hypérie hypérien hypérion hypérite hypéron hyracoïde hysope hystricidé +hystricomorphe hystéralgie hystérectomie hystérie hystérique +hystérocystocèle hystérocèle hystérographie hystérolabe hystérologie +hystéromètre hystérométrie hystéron hystéropexie hystéroplastie hystéroptose +hystéroscope hystéroscopie hystérotomie hystérèse hystérésigraphe +hyène hyénidé hyétomètre hâ hâblerie hâbleur hâlage hâle hâloir hâte hâtelet +hâtelle hâtier hème hère hève héautoscopie héberge hébergement hébertisme +hébotomie héboïdophrène héboïdophrénie hébraïsant hébraïsme hébraïste +hébécité hébéfrénie hébéphrène hébéphrénie hébéphrénique hébétement hébétude +hécatombe hécatomphonie hécatonstyle hécogénine hédenbergite héder hédonisme +hédra hédrocèle hédychridie hédéragénine hégoumène hégélianisme hégélien +hégémonisme hélianthe hélianthine hélianthème héliaste hélicarion hélice +héliciculture hélicidé hélicigona hélicine hélicoagitateur hélicon héliconie +hélicoptère hélicostyle hélicoïde héligare hélimagnétisme hélio héliocentrisme +héliodermite héliodore héliographe héliographie héliograveur héliogravure +héliomètre héliométéréologie hélion héliopathie héliophane héliophilie +héliophotomètre héliopore hélioprophylaxie héliornithidé héliosismologie +héliostat héliotechnique héliothermie héliothérapie héliotrope héliotropine +héliozoaire héliport héliportage hélistation hélisurface hélitransport +hélobiale héloderme hélodermie hélodée hélomyze hélophile hélophore hélophyte +hélépole hémagglutination hémagglutinine hémagglutinogène hémangiectasie +hémangiofibrosarcome hémangiomatose hémangiome hémangiopéricytome +hémaphérèse hémarthrose hématexodie hémathidrose hématidrose hématie +hématimétrie hématine hématite hématobie hématoblaste hématobulbie +hématoconie hématocornée hématocrite hématocritie hématocytologie hématocèle +hématodermie hématogonie hématogramme hématogène hématolite hématologie +hématologue hématome hématomyélie hématomètre hématométrie hématonodule +hématophagie hématophobie hématoporphyrine hématoporphyrinurie hématopoèse +hématopoïétine hématosarcome hématoscope hématose hématospectroscopie +hématothérapie hématotympan hématozoaire hématoïdine hématurie hématurique +hémiachromatopsie hémiacéphale hémiacétal hémiacétalisation hémiagnosie +hémiagénésie hémialbumosurie hémialgie hémianesthésie hémiangiectasie +hémianopie hémianopsie hémianopsique hémianosmie hémiasomatognosie +hémiataxie hémiathétose hémiatrophie hémiballique hémiballisme hémibloc +hémibulbe hémicellule hémicellulose hémicerclage hémichamp +hémichondrodystrophie hémichorée hémiclonie hémicolectomie hémicorporectomie +hémicraniose hémicrânie hémicycle hémicystectomie hémidactyle hémidiaphorèse +hémidysesthésie hémiencéphale hémigale hémiglossite hémihypothalamectomie +hémilaryngectomie hémimellitène hémimorphite hémimèle hémimélie hémine hémiole +hémiopie hémioxyde hémipage hémiparacousie hémiparalysie hémiparaplégie +hémiparesthésie hémipareunie hémiparésie hémiparétique hémipentoxyde hémiphone +hémiplégie hémiplégique hémipode hémippe hémiprocnidé hémiptère hémiptéroïde +hémisacralisation hémisomatectomie hémispasme hémisphère hémisphérectomie +hémisporose hémistiche hémisyndrome hémisynthèse hémithermie +hémitropie hémitèle hémitérie hémitétanie hémivertèbre hémiédrie hémobilie +hémobiologiste hémocathérèse hémocholécyste hémochromatomètre hémochromatose +hémoclasie hémocompatibilité hémoconcentration hémoconie hémocrasie hémocrinie +hémocyanine hémocyte hémocytoblaste hémocytoblastomatose hémocytoblastose +hémocytophtisie hémocytopénie hémocèle hémodiafiltration hémodiagnostic +hémodialyseur hémodialysé hémodiffractomètre hémodilution hémodipse +hémodromomètre hémodynamique hémodynamomètre hémodynamométrie hémodétournement +hémofuchsine hémoglobine hémoglobinimètre hémoglobinobilie hémoglobinogenèse +hémoglobinométrie hémoglobinopathie hémoglobinose hémoglobinosynthèse +hémoglobinémie hémogramme hémogénie hémohistioblaste hémohistioblastose +hémolymphe hémolyse hémolysine hémomédiastin hémoneurocrinie hémonie +hémoperfusion hémopexine hémophile hémophilie hémophiline hémophiloïde +hémophtalmie hémopneumopéricarde hémopoïèse hémopoïétine hémoprophylaxie +hémoprotéidé hémoprévention hémoptysie hémoptysique hémopéricarde +hémorragie hémorragine hémorragiose hémorrhéologie hémorroïdaire hémorroïde +hémorréologie hémosialémèse hémosidérine hémosidérinurie hémosidérose +hémosporidie hémosporidiose hémostase hémostasie hémostatique hémothérapie +hémotympan hémotypologie hémozoïne héméralope héméralopie hémérobe hémérocalle +hémérodromie hémérologe hémérologie hémérologue hémérophonie héméropériodique +hénonier hénophidien héparine héparinisation héparinocyte héparinothérapie +héparinurie héparinémie hépatalgie hépatectomie hépatectomisé hépaticoliase +hépaticotomie hépatique hépatisation hépatisme hépatite hépatoblastome +hépatocholangiome hépatocystostomie hépatocyte hépatocèle hépatoduodénostomie +hépatogramme hépatographie hépatojéjunostomie hépatolobectomie hépatologie +hépatomancie hépatomanométrie hépatome hépatomphale hépatomégalie +hépatopathie hépatorragie hépatorraphie hépatoscopie hépatose hépatosidérose +hépatosplénomégalie hépatostomie hépatothérapie hépatotomie hépatotoxicité +hépatotoxique hépatotoxémie hépiale hépialidé héraldique héraldiste +héraut hérissement hérisson hérissonne héritabilité héritage héritier hérodien +héronnière héroïcité héroïde héroïne héroïnomane héroïnomanie héroïsation +hérédité hérédo hérédocontagion hérédodégénérescence hérédopathie +hérésiarque hérésie héréticité hérétique hésione hésitant hésitation +hésychaste hétaire hétairiarque hétairie hétaérolite hétaïre hétimasie hétrode +hétéralie hétéralien hétéresthésie hétériarque hétérie hétéro hétéroatome +hétérobranche hétérocaryon hétérocaryose hétérocercie hétérochromasie +hétérochromie hétérochromosome hétérochronie hétérochronisme hétérocotyle +hétérocèle hétérocère hétérocéphale hétérodon hétérodonte hétérodontie +hétérodoxe hétérodoxie hétérodyme hétérodyne hétérodère hétérogamie +hétérogaster hétérogenèse hétérogonie hétérogreffe hétérogroupe hétérogynie +hétérogénisme hétérogénite hétérogénéité hétérolyse hétérolysine hétéromorphie +hétéromorphite hétéromyidé hétéromère hétéromètre hétérométrie hétéronette +hétéronomie hétéronyme hétéronymie hétéropage hétérophonie hétérophorie +hétérophtalmie hétérophyase hétérophyllie hétérophytisme hétéroplasie +hétéroprothallie hétéroprotéide hétéroprotéine hétéroptère hétéropycnose +hétérorythmie hétéroscédasticité hétérosexualité hétérosexuel hétéroside +hétérosphyronidé hétérosphère hétérosporie hétérostelé hétérostracé +hétérotaxie hétérothallie hétérothallisme hétérothermie hétérothérapie +hétérotransplantation hétérotriche hétérotrophe hétérotrophie hétérotropie +hétérotypien hétérozygote hétérozygotie hétérozygotisme hévéa hévéaculteur +hêtraie hêtre hôlement hôte hôtel hôtelier hôtellerie hôtesse iakoute iambe +iatrochimie iatromécanique iatromécanisme iatrophysique ibadite ibogaïne +ibère ibéride ibéromaurusien icaque icaquier icarien icartien ice-cream +icefield ichneumon ichneumonidé ichnologie ichor ichthyose ichtyobdelle +ichtyol ichtyolammonium ichtyologie ichtyologiste ichtyomancie +ichtyophage ichtyophagie ichtyoptérine ichtyoptérygie ichtyoptérygien +ichtyosarcotoxisme ichtyosaure ichtyosaurien ichtyose ichtyosique ichtyosisme +ichtyostégalien ichtyostégidé ichtyotoxine icica iciquier icoglan icone +iconoclaste iconoclastie iconographe iconographie iconogène iconologie +iconologue iconolâtre iconolâtrie iconomètre iconoscope iconostase iconothèque +icosanoïde icosaèdre icron ictaluridé ictidosaurien ictère ictéridé ictérique +icône idalie idasola idaïte ide idempotence identificateur identification +identité idiacanthidé idie idiochromosome idiocinèse idioglossie idiographie +idiolecte idiomaticité idiome idiopathie idiophagédénisme idiorrythmie +idiosyncrasie idiot idiotie idiotisme idiotope idiotype idiotypie idiste idite +idocrase idole idolâtre idolâtrie idonéité idose idothée idrialite iduronidase +idéal idéalisation idéalisme idéaliste idéalité idéation idée idéocratie +idéographie idéologie idéologisation idéologue idéopside if igame igamie igloo +igname ignare ignicolore ignifugation ignifuge ignifugeage ignifugeant +ignipuncture igniteur ignition ignitron ignominie ignorance ignorant +ignorantisme ignorantiste iguane iguanidé iguanien iguanodon iguanoïde igue +ikat ikebana iler ilicacée iliite iliogramme ilion iliopsoïte ilium ilkhan +illation illettrisme illettré illicéité illiquidité illisibilité illite +illogisme illuminateur illumination illuminisme illuministe illuminé illusion +illusionniste illustrateur illustration illustré illutation illuviation +illuvium illyrien illyrisme illégalité illégitimité ilménite ilménorutile +ilotisme ilsémannite ilvaïte iléadelphe iléite iléo-colostomie iléocolostomie +iléocystostomie iléon iléopathie iléoplastie iléoportographie iléorectostomie +iléostomie iléotransversostomie iléum image imagerie imagier imaginaire +imagination imagisme imagiste imago imam imamat imamisme imamite iman imanat +imblocation imbrication imbrin imbroglio imbrûlé imbécile imbécillité +imidazolidinedione imide imine iminoalcool iminol iminoéther imipramine +imitation immanence immanentisme immanentiste immatriculation immatricule +immaturité immatérialisme immatérialiste immatérialité immelmann immensité +immeuble immigrant immigration immigré imminence immiscibilité immittance +immobilier immobilisation immobilisine immobilisme immobiliste immobilité +immodération immolateur immolation immondice immoralisme immoraliste +immortalisation immortalité immortel immortelle immuabilité immun immunisation +immuniste immunition immunité immunoblaste immunoblastosarcome immunoblot +immunochimiothérapie immunocompétence immunoconglutinine immunocyte +immunocytochimie immunocytolyse immunocytome immunodiffusion immunodéficience +immunodépresseur immunodépression immunodéprimé immunodéviation +immunofluorescence immunoglobine immunoglobuline immunoglobulinogenèse +immunogène immunogénicité immunogénécité immunogénétique immunohistochimie +immunohématologiste immunoleucopénie immunologie immunologiste immunologue +immunome immunomicroscopie immunomodulateur immunoparasitologie +immunopathologiste immunophagocytose immunopharmacologie immunoprophylaxie +immunoprécipitation immunoprévention immunorégulateur immunorépression +immunostimulation immunosuppresseur immunosuppression immunosupprimé +immunosympathectomie immunosélection immunosérum immunothrombopénie +immunothérapie immunotolérance immunotoxine immunotransfert immunotransfusion +immutabilité immédiateté imogolite impact impacteur impaction impactite impair +impaludation impaludé impanation impanissure imparfait imparidigité +imparité impartialité impartition impasse impassibilité impastation impatience +impatiente impatronisation impavidité impayé impeachment impeccabilité imper +imperfectibilité imperfectif imperfection imperforation imperforé impermanence +imperméabilisant imperméabilisation imperméabilité imperméable impersonnalité +impertinence impertinent imperturbabilité impesanteur impie impiété +implant implantation implantologie implication imploration implosion implosive +impluvium implémentation impoli impolitesse impondérabilité impondérable +import importance important importateur importation importun importunité +imposeur imposition impossibilité imposte imposteur imposture imposé imposée +impotent impraticabilité imprenabilité impresario imprescriptibilité +impressionnabilité impressionnisme impressionniste impressivité imprimabilité +imprimerie imprimeur imprimure imprimé impro improbabilité improbateur +improbité improductif improductivité impromptu impropriété improvisateur +imprudence imprudent imprécateur imprécation imprécision imprédictibilité +impréparation imprésario imprévisibilité imprévision imprévoyance imprévoyant +impuberté impubère impubérisme impudence impudent impudeur impudicité +impuissance impuissant impulsif impulsion impulsivité impunité impur impureté +imputation imputrescibilité impécuniosité impédance impédancemètre +impénitence impénitent impénétrabilité impératif impériale impérialisme +impéritie impétiginisation impétigo impétrant impétration impétuosité impôt +inacceptation inaccessibilité inaccompli inaccomplissement inaccusatif +inachèvement inactif inactinisme inaction inactivateur inactivation inactivité +inadaptabilité inadaptation inadapté inadmissibilité inadvertance inadéquation +inaliénabilité inaliénation inalpage inaltérabilité inaltération inamovibilité +inanitiation inanition inanité inapaisement inapplicabilité inapplication +inapte inaptitude inarticulation inarticulé inassouvissement inattention +inauguration inauthenticité inca incandescence incantation incapable +incapacité incarcération incardination incarnadin incarnat incarnation +incendiaire incendie incendié incernabilité incertitude incessibilité inceste +incidence incident incidente incinérateur incinération incirconcision incise +incisive incisure incitabilité incitant incitateur incitation incivilité +inclinaison inclination inclinomètre inclusion inclémence incoction +incognito incohérence incombustibilité incomitance incommensurabilité +incommodité incommunicabilité incommutabilité incompatibilité incomplétude +incompréhensibilité incompréhension incompétence incompétent inconditionnalité +inconduite inconfort incongruence incongruité inconnaissable inconnaissance +inconnue inconscience inconscient inconsistance inconstance inconstant +inconstructibilité inconséquence incontestabilité incontinence inconvenance +inconvénient incoordination incorporalité incorporation incorporé incorporéité +incorrigibilité incorruptibilité incorruptible incrimination incroyable +incroyant incrustation incrustement incrusteur incrédibilité incrédule +incrément incrémentation incrétion incubateur incubation incube incuit +inculpation inculpé inculture incunable incurabilité incurable incurie +incursion incurvation incuse incération indamine indane indanone indanthrène +indazole inde indemnisation indemnitaire indemnité indentation +indexage indexation indexeur indianisation indianisme indianiste indianité +indianologue indianophone indic indican indicanurie indicanémie indicateur +indication indice indiction indien indiennage indienne indiennerie indienneur +indifférenciation indifférent indifférentisme indifférentiste indigence +indigestion indignation indignité indigo indigoterie indigotier indigotine +indigénat indigénisme indigéniste indirect indirubine indiscernabilité +indiscret indiscrétion indisponibilité indisposition indissociabilité +individu individualisation individualisme individualiste individualité +individuel indivisaire indivisibilité indivision indiçage indo-européen +indocilité indogène indol indolamine indole indolence indolent indoline +indométacine indonésien indophénol indosé indou indoxyle indoxylurie +indri indridé indu indubitabilité inductance inducteur induction induit +induline indult induration induse indusie industrialisation industrialisme +industrie industriel indut induvie indène indécence indécidabilité indécidué +indéclinabilité indéfectibilité indéfini indéformabilité indéfrisable +indélicatesse indélébilité indémontrabilité indénone indépendance indépendant +indépendantiste indérite indésirable indéterminabilité indétermination +indéterministe ineffabilité ineffectivité inefficacité ineptie inertie +inexcitabilité inexigibilité inexistence inexorabilité inexpression +inexpugnabilité inexpérience inextensibilité inextinguibilité inextricabilité +infaillibiliste infaillibilité infamie infant infanterie infanticide +infantilisation infantilisme infarcissement infarctectomie infatigabilité +infectiologie infectiologue infection infectiosité infectivité infectologie +infestation infeutrabilité infibulation infidèle infidélité infiltrat +infimité infini infinitif infinitiste infinitude infinité infinitésimalité +infirme infirmerie infirmier infirmité infixe inflammabilité inflammateur +inflation inflationnisme inflationniste inflexibilité inflexion inflorescence +influenza infléchissement info infocentre infographie infographiste infondu +informateur informaticien information informatique informatisation informel +infortune infortuné infotecture infothèque infraclusion infraction +infraduction infragerme infragnathie infralapsaire infralapsarisme +inframicrobiologie infranoir infraposition infrarouge infrason +infrastructure infrathermothérapie infroissabilité infrutescence infule +infundibuloplastie infundibulotomie infundibulum infusette infusibilité +infusoir infusoire infusé infécondité infélicité inféodation inférence +infériorisation infériorité ingestion ingluvie ingouche ingrat ingratitude +ingressive ingrisme ingriste ingrédient ingurgitation ingélivité ingénierie +ingénieur ingéniosité ingéniérie ingénu ingénue ingénuité ingérence inhabileté +inhalateur inhalation inharmonie inhibeur inhibine inhibiteur inhibition +inhumanité inhumation inhérence inie iniencéphale inimitié ininflammabilité +inintelligibilité iniodyme inion iniope iniquité initiale initialisation +initiateur initiation initiative initié injecteur injection injective +injonctif injonction injure injustice inlay innavigabilité innervation +innocent innocuité innovateur innovation innéisme innéiste innéité ino +inobservation inoccupation inoculabilité inoculant inoculation inoculum +inocérame inondation inondé inopportunité inopposabilité inorganisation +inosilicate inosine inosite inositol input inquart inquartation inquiet +inquilisme inquisiteur inquisition inquiétude insaisissabilité insalivation +insane insanité insaponifiable insaponifié insatiabilité insatisfaction +insaturation inscription inscrit inscrivant insculpation insectarium insecte +insectivore inselberg insensibilisation insensibilité insensé insert insertion +insigne insignifiance insincérité insinuation insipidité insistance +insolateur insolation insolence insolent insolubilité insolvabilité insolvable +insomnie insondabilité insonorisation insonorité insouciance insouciant +inspecteur inspection inspectorat inspirateur inspiration inspiré instabilité +installateur installation instance instanciation instant instantané +instaurateur instauration instigateur instigation instillateur instillation +instinctif instinctivité instit institut instituteur institution +institutionnalisme institué instructeur instruction instrument +instrumentalisme instrumentaliste instrumentalité instrumentation +insubmersibilité insubordination insuffisance insuffisant insufflateur +insulaire insularisme insularité insulinase insuline insulinodépendance +insulinorésistance insulinosécrétion insulinothérapie insulinémie insulite +insulteur insulté insurgé insurrection insécabilité insécurité inséminateur +inséparabilité inséparable intaille intangibilité intarissabilité intellect +intellectualisation intellectualisme intellectualiste intellectualité +intelligence intelligentsia intelligentzia intelligibilité intello +intemporalité intempérance intempérie intendance intendant intensif +intensification intension intensité intention intentionnaliste intentionnalité +interaction interactionisme interactionniste interactivité interattraction +intercalation intercepteur interception intercesseur intercession +intercirculation interclasse interclassement interclasseuse intercommunalité +intercommunion intercompréhension interconfessionnalisme interconnection +intercorrélation intercourse interculturalité interdentale interdiction +interdit interdune interdépartementalisation interdépendance interface +interfluve interfoliage interfonctionnement interfrange interfécondité +interférogramme interféromètre interférométrie interféron interglaciaire +interinsularité interjection interlangue interleukine interlignage interligne +interlock interlocuteur interlocution interlocutoire interlude intermarché +intermezzo intermission intermittence intermittent intermodulation intermonde +intermède intermédiaire intermédiation intermédine intermédinémie +internat internationale internationalisation internationalisme +internationalité internaute interne internement internet interneurone +internonce interné internégatif interoperculaire interopérabilité +interparité interpellateur interpellation interphase interphone interpolateur +interpositif interposition interprète interprétant interprétariat +interprétation interpréteur interpsychologie interpénétration interrayon +interro interrogateur interrogatif interrogation interrogative interrogatoire +interrupteur interruption interrègne interréaction interrégulation intersaison +intersection intersession intersexualité intersexué intersigne interstice +interstérilité intersubjectivité intersyndicale intertextualité intertitre +interurbain intervalle intervallomètre intervenant intervention +interventionniste interverrouillage interversion interview interviewer +interviewé intervisibilité intervocalique intestat intestin inti intima +intime intimidation intimisme intimiste intimité intimé intitulé intolérance +intonation intonologie intonème intorsion intouchabilité intouchable intoxe +intoxiqué intraception intraconsommation intradermo intradermoréaction +intrait intranet intransigeance intransigeant intransitif intransitivité +intrant intranule intrapreneur intraprise intraveineuse intrication intrigant +intro introducteur introduction introjection intromission intron intronisation +introspection introversif introversion introverti intrusion intrépidité +intuitif intuition intuitionnisme intuitionniste intuitivisme intumescence +intégrabilité intégrale intégralité intégrase intégrateur intégration +intégrine intégrisme intégriste intégrité intéressement intéressé intérieur +intérimaire intériorisation intériorité intérocepteur intéroception +intérêt inuit inule inuline inutile inutilité invagination invalidation +invalidité invar invariabilité invariance invariant invasion invective invendu +inventeur inventif invention inventivité inventoriage inversation inverse +inversible inversion invertase inverti invertine invertébré investigateur +investissement investisseur investiture invincibilité inviolabilité +invisibilité invitation invitatoire invite invité invocateur invocation +involucre involution invraisemblance invulnérabilité inyoïte inédit +inégalitarisme inégalité inélasticité inéligibilité inéluctabilité inélégance +inéquation inéquité inéquivalence inésite inétanchéité iodaniline iodargyre +iodate iodation iodhydrate iodhydrine iodide iodisme iodler iodobenzène +iodofluorescéine iodoforme iodomercurate iodométrie iodonium iodophilie +iodosobenzène iodostannate iodostannite iodosulfure iodosylbenzène +iodotyrosine iodoventriculographie iodoéthylène iodure iodurie iodurisme +iodyle iodylobenzène iodyrite iodémie iodéthanol iolite ion ionien ionique +ionogramme ionomère ionone ionophorèse ionoplastie ionosphère ionothérapie +iophobie iora iotacisme iourte ipnopidé ipomée ippon ipséité ipéca ipécacuanha +iranien iranisant iranite iraota iraqien iraquien irascibilité irathérapie ire +iridacée iridectomie iridochoroïdite iridoconstricteur iridocyclite iridocèle +iridodonèse iridologie iridologue iridomyrmécine iridoplégie iridopsie +iridoscope iridoscopie iridotomie iridoïde irisation iritomie irone ironie +irradiance irradiateur irradiation irrationalisme irrationaliste irrationalité +irrationnel irrationnelle irrecevabilité irrespect irresponsabilité +irrigant irrigateur irrigation irrigraphie irritabilité irritant irritation +irruption irréalisme irréaliste irréalité irrécupérabilité irrédentisme +irréductibilité irréflectivité irréflexion irréfutabilité irrégularité +irréligion irréprochabilité irrésistibilité irrésolution irrétrécissabilité +irrévocabilité irrévérence irvingianisme irvingien irvingisme irvingiste irène +irénarque irénidé irénisme iréniste irésie isabelle isallobare isallotherme +isaster isba ischiadelphe ischion ischiopage ischiopagie ischium ischnochiton +ischnoptère ischnura ischémie isiaque islamisant islamisation islamisme +islamologie islamologue islandite ismaélien ismaélisme ismaélite ismaïlien +isoamyle isoantigène isoapiol isoarca isobare isobathe isobutane isobutanol +isobutylène isobutyraldéhyde isobutène isocarde isochimène isochromosome +isoclasite isocline isocoagulabilité isocorie isocyanate isocytose isocélie +isodactylie isodensité isodiphasisme isodynamie isodynamique isoenzyme +isofenchol isogamie isogamme isoglosse isoglucose isoglycémie isognomon +isograde isogramme isogreffe isogéotherme isohaline isohypse isohyète isohélie +isolant isolat isolateur isolation isolationnisme isolationniste isolement +isoleur isologue isoloir isolysine isolé isomorphie isomorphisme isomère +isomérase isomérie isomérisation isométrie isoniazide isonitrile isonomie +isooctane isopaque isoparaffine isopathie isopentane isopentanol isopenténol +isopet isopièze isoplastie isopode isopolitie isopropanol isopropylacétone +isopropylcarbinol isopropyle isopropényle isoprène isoprénaline isoptère +isopycne isoquinoline isoquinoléine isorel isorythmie isosafrole +isosiste isosoma isosonie isosporie isostasie isosthénurie isostère isostérie +isoséiste isotherme isothermie isothermognosie isothiazole isothiocyanate +isothéniscope isothérapie isothérapique isotonicité isotonie isotonisme +isotopie isotransplantation isotron isotrope isotropie isotype isotypie +isotélie isovaléraldéhyde isovaléricémie isovanilline isoxazole isozyme isoète +israélite issa issue isthme isthmoplastie istiophoridé istiure isuridé +italianisant italianisation italianisme italianité italien italique italophone +item ithyphalle ithyphallique ithyphallisme itinéraire itinérance itinérant +itération iule ive ivette ivoire ivoirerie ivoirien ivoirier ivraie ivresse +ivrognerie iwan ixage ixia ixode ixodidé izombé iérodule jabiru jablage jable +jablière jabloir jabloire jaborandi jabot jaboteur jabotière jacamar jacana +jacasse jacassement jacasserie jacasseur jachère jacinthe jaciste jack jacket +jacksonisme jacksoniste jaco jacobin jacobinisme jacobite jacobsite jacobée +jacquard jacqueline jacquemart jacquerie jacquet jacquier jacquine jacquot +jactancier jactation jactitation jacupirangite jacuzzi jacée jade jadéite +jagdterrier jaguar jaguarondi jaillissement jalap jale jalet jalon jalonnage +jalonnette jalonneur jalousie jalpaïte jam-session jamaïcain jamaïquain +jambart jambe jambette jambier jambière jambon jamboree jambose jambosier +jamesonite jan jangada janicéphale janissaire janotisme jansénisme janséniste +janthine janthinosoma jantier jantière janvier japon japonaiserie japonerie +japonisme japoniste jappement jappeur jaque jaquelin jaquemart jaquette +jar jard jarde jardin jardinage jardinerie jardinet jardinier jardiniste +jardon jaret jargon jargonagraphie jargonaphasie jargonnage jargonneur jarl +jarosse jarousse jarovisation jarrah jarre jarret jarretelle jarretière +jaseron jaseur jasmin jasmoline jasmolone jasmone jaspe jaspineur jaspure +jasserie jassidé jatte jattée jauge jaugeage jaugeur jaumière jaune jaunet +jaunisse jaunissement jauressisme jauressiste java javart javelage javeleur +javeline javelle javellisation javelot jayet jaïn jaïnisme jean jeannette +jeannotisme jeep jefferisite jeffersonite jenny jerk jerrican jerricane +jersey jet jetage jeteur jeton jettatore jettatura jeté jetée jeudi jeune +jeunet jeunot jeûne jeûneur jharal jig jigger jingle jingoïsme jingoïste +joachimisme joaillerie joaillier job jobard jobarderie jobardise jobber +jociste jockey jocrisse jodler joel joeniidé jogger joggeur jogging jogglinage +joie joignabilité joint joint-venture jointage jointement jointeur jointeuse +jointoiement jointoyeur jointure jojo jojoba joker joliesse jonc joncacée +jonchaie joncheraie jonchet jonchère jonchée jonction jonglage jonglerie +jonker jonkheer jonque jonquille jordanien jordanite josefino joséite +joséphiste jota jotunite joualle jouannetia joubarbe joue jouet joueur joufflu +jouillère jouissance jouisseur jouière joule joupan jour journade journalier +journalisme journaliste journée joute jouteur jouvence jouée jovialité jovien +joyeuse joyeuseté jubarte jubilation jubilé jubé juchoir juchée judaïcité +judaïsation judaïsme judaïté judelle judicature judiciarisation judiciarité +judogi judoka judolie judéité judéo-arabe juge jugement jugeote jugeotte +jugeur juglandacée juglone jugulaire jugulogramme juif juillet juillettiste +juinite juiverie jujube jujubier julep julie julienne juliénite julot jumbo +jumboïsation jumelage jumelle jument jumenterie jumenté jump jumper jumping +jungien jungle junior juniorat junker junkie junte jupe jupette jupier jupon +jurande jurançon jurassien jurat jurement jureur juridicité juridiction +juridisme jurisconsulte jurisprudence juriste juron jury juré jurée jusant +jusquiame jussiaea jussieua jussif jussiée juste justesse justice +justiciable justicialisme justicialiste justicier justien justificatif +jusée jutage jute juteuse jutosité juveignerie juveigneur juvénat juvénile +juvénilité juxtaposition jèze jéciste jéjunoplastie jéjunostomie jéjunum +jérémiade jéréméijéwite jésuate jésuite jésuitisme jésuitière ka kabbale +kabuki kaburé kabyle kacha kache kachkaval kachoube kadi kaempférol kagan +kainate kaiser kakapo kakemono kaki kakortokite kakémono kalachnikov kali +kalicytie kalij kaliophilite kaliopénie kalithérapie kalium kaliurie kaliurèse +kallicréine kallicréinogène kallidine kallidinogène kallikréine kallima +kalong kaléidoscope kamala kami kamichi kamikaze kammerérite kamptozoaire +kan kanak kanamycine kandjar kangourou kanouri kantien kantisme kaoliang +kaolinisation kaolinite kaon kapo kapok kapokier karacul karakul karaoké +karatéka karaïsme karité karst karstification kart karting karyokinèse +karélianite kasbah kaskaval kasolite kata katal kataphasie katchina katmanché +kawa kayac kayak kayakiste kazakh kaïnite kaïnosite kebab keepsake keffieh +kelpie kelvin kempite ken kendo kentia kentisme kentomanie kentrolite +kentrotomie kenyan kenyapithèque kerdomètre kerivoula kermesse kermésite +kernite kerria kerrie kersantite keryke ketch ketmie keynesianisme +keynésien khaghan khalifat khalife khamsin khan khanat kharidjisme kharidjite +khat khelline khmer khoum khâgne khâridjisme khâridjite khédivat khédive +khôl kichenotte kick kid kidnappage kidnappeur kidnapping kieselguhr kieselgur +kiki kikuyu kil kilim kilo kilo-octet kiloampère kiloampèremètre kilobase +kilobit kilocalorie kilocycle kilofranc kilogramme kilogrammètre kilojoule +kilomot kilomètre kilométrage kilonewton kilopascal kilotonne kilovolt +kilowattheure kilt kimbanguisme kimberlite kimono kina kinase kincajou +kinescopie kinesthésie kinesthésiomètre king kininase kinine kininogène +kinorhynque kinosterniné kinzigite kiné kinébalnéothérapie kinédensigraphie +kinésimètre kinésimétrie kinésithérapeute kinésithérapie kinétoscope kiosque +kip kippa kipper kir kit kitchenette kitol kiwi klaprothite klaxon klebsiella +kleptomane kleptomanie klingérite klippe klystron kneria knicker knickerbocker +knout koala kob kobellite kobo kobold kodak kodiak koechlinite koenenia +koheul kohol koinè kola kolatier kolatine kolatisme kolhkozien kolinski +kolkhozien koléine kommandantur kondo koninckite koniose konzern kookaburra +kopek kophémie kopiopie kornélite kornérupine korrigan korê kosovar koto +kouglof koulak koulibiac kouprey kourgane kouriatrie koustar koweitien +koïlonychie kraal krach kraft krait krak kraken kral kramerie krausite kremlin +kremlinologue krennérite kreuzer krill kroehkhnite kropper kroumir krouomanie +kröhnkite kubisagari kufique kugelhof kuhli kumbocéphalie kummel kumquat +kurde kuru kwacha kwanza kwashiorkor kyanite kyat kymographe kymographie +kyrielle kystadénome kyste kystectomie kystitome kystitomie kystoentérostomie +kystome kystoscopie kystotomie kéa kéfir kélotomie kéloïde kémalisme +kénotron képhir képhyr képi kéraphyllocèle kératalgie kératectasie +kératine kératinisation kératinocyte kératite kératoconjonctivite kératocèle +kératodermie kératoglobe kératolyse kératolytique kératomalacie kératome +kératomégalie kératométrie kératopachométrie kératopathie kératophakie +kératoplastique kératoprothèse kératoscope kératoscopie kératose kératotome +kérion kérithérapie kérogène kérose kérosène kétansérine kétophénylbutazone +labanotation labarum labbe labdanum label labelle labeon labeur labferment +labiale labialisation labidognathe labidosaure labidostome labidure labie +labiodentale labiographie labiolecture labiomancie labiopalatale labiovélaire +labiée labo laborantin laboratoire labour labourage laboureur labrador +labre labri labridé labrit labrocyte labroïde labru labyrinthe labyrinthite +labyrinthodonte labétalol lac lacanien lacanisme lacazella laccase laccol +laccolithe laccophile lacement laceret lacerie lacertidé lacertien lacertilien +lacette laceur lachésille lacodacryocystostomie lacodacryostomie lacon +lacorhinostomie lacroixite lactacidémie lactaire lactalbumine lactame +lactarium lactase lactate lactation lactatémie lactescence +lacticémie lactide lactime lactobacille lactodensimètre lactodéshydrogénase +lactoflavine lactogenèse lactoglobuline lactomètre lactone lactonisation +lactose lactostimuline lactosurie lactosémie lactosérum lactothérapie +lactucine lactulose lacuna lacunaire lacune lacé lacédémonien lacération lad +ladanum ladin ladino ladre ladrerie laetilia lagan lagane laganum lagisca +lagon lagophtalmie lagopède lagostome lagotriche lagrangien lagrie laguiole +lagune lagynidé lagénorhynque lai laiche laideron laideur laie laimargue +laine lainerie laineur laineuse lainier laird laisse laissé lait laitage +laite laiterie laiteron laitier laitière laiton laitonnage laitue laize +lallation lalliement lalopathie laloplégie lama lamage lamanage lamaneur +lamarckien lamarckisme lamartinien lamaserie lamaïsme lamaïste lambada +lambel lambic lambick lambin lambinage lamblia lambliase lambourde lambrequin +lambruche lambrusque lambswool lame lamellation lamelle lamellibranche +lamellirostre lamellé lamentation lamento lamette lamie lamier lamification +laminage laminagraphie laminaire laminale laminectomie laminerie laminette +lamineuse laminoir laminé lamnidé lamoute lampadaire lampadophore lamparo +lampetia lampion lampiste lampisterie lampotte lampourde lamprididé +lamprillon lamprima lamprocoliou lamprocère lamproie lampromyie lampronie +lamprorhiza lamproïte lampyre lampyridé lampée lamé lanarkite lancastrien +lance-amarre lance-harpon lance-pierre lancelet lancement lancepessade +lancer lancette lanceur lancier lancination lancinement lancé lancée land +landau landaulet lande landgrave landgraviat landier landlord landolphia +landseer landsturm landtag landwehr laneret langage langaha langaneu +langbeinite lange langite langouste langoustier langoustine langoustinier +langrayen langue languedocien languette langueur langueyage langueyeur +languissemment langur languria lanier laniidé lanista lanière lanoline +lansfordite lansquenet lansquenette lansquine lantana lantania lantanier +lanternier lanternon lanthanide lanthanite lanthanotidé lanugo lançage lançoir +lao laotien lapalissade laparocèle laparophotographie laparoplastie +laparosplénectomie laparostat laparotomie lapement laphria laphygma lapicide +lapidariat lapidation lapideur lapidification lapin lapinisation lapinisme +lapié laplacien lapon lapping laptot laquage laque laqueur laquier laqué lar +larbin larbinisme larcin lard lardage larderellite lardoire lardon lare +largage largesse larget largeur larghetto largo largueur laria laricio laridé +larigot larme larmier larmille larmoiement larmoyeur larnite larra larron +larsénite larve larvicide larvikite larvule laryngale laryngectomie laryngisme +laryngocèle laryngofissure laryngographie laryngologie laryngologiste +laryngonécrose laryngopathie laryngophone laryngoplastie laryngoplégie +laryngopuncture laryngoscope laryngoscopie laryngospasme laryngospasmophilie +laryngotome laryngotomie laryngotrachéite laryngotrachéobronchite lasagne +lasciveté lascivité laser lasie lasiocampe lasiocampidé lasioderma lasioptère +lassitude lasso lasting lasure lasérothérapie latanier latence latensification +lathrobium lathyrisme laticaudiné laticifère laticlave latifundisme +latimeria latin latinisant latinisation latiniseur latinisme latiniste +latino latino-américain latite latitude latitudinaire latitudinarisme latrie +latroncule lattage latte latté latérale latéralisation latéralité latérisation +latéritisation latérocidence latérocèle latérofibroscope latéroflexion +latéroposition latéropulsion latéroscope latéroversion laudanum laudateur +laumontite laura lauracée laurate laure laurier laurionite laurite laurvikite +lauréole lause lautarite lautite lauxanie lauze lavabilité lavabo lavage +lavallière lavandaie lavande lavandiculteur lavandiculture lavandier lavandin +lavandol lavandulol lavaret lavasse lave lave-pont lavement lavendulane +laverie lavette laveur laveuse lavignon lavogne lavoir lavra lavure lavée +lawrencite lawsonite laxatif laxisme laxiste laxité layage laye layeterie +layette layetterie layon lazaret lazariste laze lazulite lazurite lazzarone +laçage laîche laïc laïcat laïcisation laïcisme laïciste laïcité laïka laïque +le leader leadership leadhillite leaser leasing lebel lebia lecanium lecontite +lectine lectionnaire lectorat lecture legato leghorn legionella leia +leightonite leipoa leishmania leishmanide leishmanie leishmaniose leitmotiv +lek lem lemmatisation lemmatophora lemme lemming lemmoblastome lemmome +lemniscate lemnisme lempira lendemain lendit lente lenteur lenticelle +lenticône lentigine lentiginose lentiglobe lentigo lentille lentillon +lento lenzite leonberg leone lepidosiren lepréchaunisme lepte leptidea +leptique leptocorise leptocurare leptocyte leptocytose leptocère leptocéphale +leptolithique leptoméduse leptoméninge leptoméningiome leptoméningite lepton +leptophlébie leptophonie leptoplana leptopode leptopome leptoprosope +leptopsylla leptorhinie leptorhinien leptosomatidé leptosome leptosomie +leptospirose leptosporangiée leptostracé leptotyphlopidé lepture leptynite +lernéocère lesbianisme lesbien lesbienne lesbisme lessivage lessive lessiveur +lessivier lest lestage lesteur letchi lette letton lettrage lettre lettrine +lettriste lettré lettsomite leucandra leucanie leucaniline leucaphérèse +leucine leucinose leucite leucitite leucoagglutination leucoagglutinine +leucoblaste leucoblastomatose leucoblastorachie leucoblastose leucoblasturie +leucochroa leucochroïdé leucoconcentration leucocorie leucocyte leucocytolyse +leucocytométrie leucocytophérèse leucocytose leucocytothérapie leucocyturie +leucodermie leucodystrophie leucodérivé leucoencéphalite leucoencéphalopathie +leucogramme leucogranite leucogénie leucokératose leucolyse leucolysine +leucomalacie leucomatose leucome leucomyélite leucomyélose leucomélanodermie +leuconostoc leuconychie leuconévraxite leucophaea leucophane leucophérèse +leucoplaste leucopoïèse leucopédèse leucopénie leucopénique leucorragie +leucosarcomatose leucose leucosolénia leucosphénite leucostase +leucothrombopénie leucotome leucotomie leucotransfusion leucotrichie +leucoxène leucémide leucémie leucémique leucémogenèse leude leurrage leurre +levain levalloisien levantin lever leveur leveuse levier levraut levrette +levurage levure levurerie levuride levurier levurose levé levée lewisite +lexicographe lexicographie lexicologie lexicologue lexicométrie +lexie lexique lexème leçon li liage liaison liaisonnement liane liant liard +liasthénie libage libanisation libanomancie libation libeccio libelle +libellule libellulidé libelluloïde libellé liber libero libertaire libertarien +libertin libertinage liberty-ship liberté libouret libraire librairie +librettiste libretto libyen libythée libérable libéralisation libéralisme +libérateur libération libérien libérine libériste libéré libéthénite lice +licenciement licencié liche lichen lichette licheur lichée lichénification +lichénisation lichénologie licier licitation licol licorne licou licteur +lido lie liebigite lied liement lien lienterie lierne lierre liesse lieu +lieue lieur lieuse lieutenance lieutenant lift lifteur liftier lifting +ligamentopexie ligand ligase ligature ligie lignage lignager lignane lignard +lignerolle lignette ligneul ligneur ligniculteur ligniculture lignification +lignite lignivore lignocaïne lignomètre lignée ligoriste ligot ligotage +ligue ligueur ligulaire ligule liguliflore liguline ligulose liguoriste ligure +ligérien lilangen liliacée liliale liliiflore lilium lillianite lilliputien +limacelle limacia limacidé limacodidé limacé limage limaille liman limandage +limandelle limapontie limaçon limaçonne limaçonnière limbe limburgite lime +limette limettier limettine limeur limeuse limicolaire limicole limidé limier +limitation limite limiteur limnia limniculteur limniculture limnigraphe +limnimétrie limnobie limnogale limnologie limnophile limnophyte limnoria +limnéidé limogeage limon limonade limonadier limonage limonaire limonier +limonite limonière limonène limoselle limosine limougeaud limousin limousinage +limousine limpidité limule lin lina linacée linaigrette linaire linalol +linalyle linarite linceul linckia lincomycine lincosamide lindackérite linea +linette linga lingam linge linger lingerie lingot lingotage lingotier +linguale linguatule linguatulide linguatulose lingue linguette linguiste +lingule lingulectomie lingère liniculteur liniculture linier liniment linite +link-trainer linkage linnaéite linnéite lino linogravure linoleum linoléate +linolénate linoléum linon linophryné linotte linotype linotypie linotypiste +linsoir linter linthia linthie linyphie linçoir linéaire linéale linéament +linéarité linéation linéature liobunum liolème liomyome lion liondent liotheum +liparite liparitose lipase lipasémie lipectomie lipeure liphistiidé +liphyra lipide lipidogenèse lipidoglobuline lipidogramme lipidoprotidogramme +lipidoprotéinose lipidose lipidurie lipidémie lipizzan lipoaspiration +lipoblaste lipochrome lipochromie lipocortine lipocyte lipocèle lipodiérase +lipodystrophie lipofibrome lipofuchsine lipofuchsinose lipofuscine lipogenèse +lipogranulomatose lipogranulome lipogranuloxanthome lipohistodiarèse lipolyse +lipome lipomicron lipomoduline lipomucopolysaccharidose lipomyxome liponeura +lipoperoxydation lipophilie lipopolysaccharide lipoprotéine lipoprotéinogramme +lipoptène liposarcome liposclérose liposome liposuccion liposynthèse +lipothymique lipothymome lipotropie lipotyphle lipovaccin lipoxygénase +lipoïde lipoïdose lipoïdémie lippe lippée lipurie lipémie liquation liquette +liquidambar liquidateur liquidation liquide liquidité liquoriste liquoristerie +liquéfaction lire lirette lirio liriomyza liroconite liron lisage lisboète +liserage liseron liseré lisette liseur liseuse lisibilité lisier lisière +lispe lissage lisse lissette lisseur lisseuse lissier lissoir lissé listage +listel listerellose listeria listing liston listère listériose lisztien +liséré lit litanie litchi literie litham litharge lithectomie lithergol +lithiasique lithification lithine lithiné lithiophilite lithiophorite +litho lithobie lithochrome lithoclase lithoclaste lithoclastie lithocérame +lithodome lithogenèse lithoglyphe lithographe lithographie lithograveur +lithogénie lithologie lithologiste litholytique lithomancie lithomarge +lithopexie lithophage lithophanie lithophone lithophyte lithopone lithopédion +lithosie lithosol lithosphère lithostratigraphie lithothamnium lithotome +lithotripsie lithotripteur lithotriptique lithotriteur lithotritie +lithuanien lithémie litige litispendance litière litonnage litopterne litorne +litre litron litsam littorine littorinidé littrite littéraire littéralisme +littérarité littérateur littérature lituanien lituole lituolidé liturge +liturgiste litée liure livarde livarot livedo liveingite livet lividité livie +livingstonite livraison livre livret livreur livreuse livrée livèche +lixophaga liège lièvre lié liégeage liégeur llanero llano loader loafer loasa +loase lob lobbying lobbyisme lobbyiste lobe lobectomie lobengulisme lobiophase +lobodontiné lobomycose lobopode loboptère lobotomie lobotomisation lobule +lobélie lobéline locale localier localisateur localisation localisationnisme +localisme localité locataire locateur locatif location locature loch loche +lochiorragie lochmaea lockisme locomobile locomotion locomotive locomotrice +locuste locustelle locuteur locution loddigésie loden lodier loellingite +lof loft loftusia log logagnosie loganiacée logarithme loge logeabilité +logement logette logeur loggia logiciel logicien logicisme logiciste +logique logiste logisticien logistique logithèque logo logocentrisme +logocophose logogramme logographe logographie logogriphe logolâtrie logomachie +logoneurose logonévrose logopathie logophobie logoplégie logopédie logorrhée +logosphère logothète logotype logétron lohita loi lointain loir loisir lokoum +lollard lollardisme lolo lombago lombaire lombalgie lombalisation lombard +lombarthrie lombarthrose lombodiscarthrose lombosciatalgie lombosciatique +lombotomie lombric lombricose lombricule lombriculteur lombriculture lompe +loméchuse lonchaea lonchodidé lonchère londonien long-courrier longane +longanimité longe longeron longhorn longicorne longifolène longiligne +longitarse longitude longière longotte longrine longue longuet longuette +longévité looch loofa look looping lopette lopha lophiiforme lophiodon +lophobranche lophogastridé lophohélie lophophore lophophorien lophophytie +lophotriche lophure lophyre lopin lopézite loquacité loque loquet loquette +lorandite loranthacée lord lordose lordosique lordotique lorenzénite lorette +lorgnon lori loricaire loricariidé loricate loricule loriot loriquet lorisidé +lormier lorocère lorrain losange loseyite lot lote loterie lotier lotion +lotisseur loto lotta lotte louage louageur louange louangeur loubard loubine +louchement loucherie louchet loucheur louchon loudier loueur loufiat loufoque +louftingue lougre loukoum loulou loup loupage loupe loupiot loupiote loupé +lourdaud lourde lourdeur loure loustic loutre loutreur loutrier louvard +louvaréou louve louvetage louveterie louveteur louvetier louvette louvoiement +louée lovelace lovéite lowton loxodonte loxodromie loyalisme loyaliste loyauté +lubie lubricité lubrifiant lubrificateur lubrification lucane lucanien lucarne +lucernule luchage luche lucidité lucifuge luciférase luciférien luciférine +lucimètre lucine lucinidé luciole lucite lucre lucumon luddisme luddite +ludion ludisme ludlamite ludlockite ludothèque ludothérapie ludwigite lueshite +lueur luffa luge luger lugeur luidia luisance luisant lujavrite lulibérine +lumachelle lumbago lumbarthrie lumbarthrose lumen lumignon luminaire luminance +luminescence luminisme luministe luminogène luminol luminophore luminosité +lumitype lumière lumme lump lunaire lunaison lunarite lunatique lunatum lunch +lune luneteuse lunetier lunetière lunette lunetterie lunettier lunule lunulé +lunévilleuse luo luo-test lupanar lupanine luperque lupin lupinine lupinose +lupo-érythémato-viscérite lupome lupoïde lupulin lupuline lupère lupéol luron +lusin lusitain lusitanien lusitaniste lusitanité lusophone lusophonie +lustrage lustration lustre lustrerie lustreur lustreuse lustrine lustroir lut +luteinising luth lutherie luthier luthiste luthéranisme luthérien lutidine +lutinerie lutite lutjanidé lutraire lutrin lutriné lutte lutteur lutécien +lutéine lutéinisation lutéinome lutéinostimuline lutéinémie lutéolibérine +lutéolyse lutéome lutéotrophine luvaridé luxation luxe luxmètre luxullianite +luxuriance luzerne luzernière luzin luzonite luzule luétine luétisme lyase +lycaea lycanthrope lycanthropie lycaon lycaste lychee lychnite lycidé lycode +lycope lycoperdon lycopode lycopodiale lycopodinée lycopène lycorexie lycorine +lycosidé lycra lycte lycène lycée lycéen lycénidé lyddite lyde lydella lydien +lygodactyle lygosome lygéidé lymantria lymantriidé lymexylon lymnée lymnéidé +lymphadénie lymphadénite lymphadénomatose lymphadénome lymphadénopathie +lymphadénose lymphagogue lymphangiectasie lymphangiectode lymphangiectomie +lymphangiome lymphangioplastie lymphangiosarcome lymphangite lymphaniome +lymphatite lymphe lymphite lymphoblaste lymphoblastomatose lymphoblastome +lymphoblastose lymphocyte lymphocytogenèse lymphocytolyse lymphocytomatose +lymphocytophtisie lymphocytopoïèse lymphocytopénie lymphocytosarcome +lymphocytotoxicité lymphocytotoxine lymphocytémie lymphocèle lymphodermie +lymphoedème lymphogenèse lymphogonie lymphogranulomatose lymphogranulome +lymphohistiocytose lymphokine lympholeucocyte lymphologie lympholyse +lymphome lymphomycose lymphopathie lymphoplastie lymphopoïèse lymphopénie +lymphorrhée lymphoréticulopathie lymphoréticulosarcome lymphoréticulose +lymphosarcome lymphoscintigraphie lymphoscrotum lymphose lymphostase +lymphotoxine lymphoïdocyte lymphémie lyméxylonidé lynchage lyncheur lynchia +lyocyte lyocytose lyophilie lyophilisat lyophilisateur lyophilisation +lypressine lypémanie lyre lyric lyricomane lyrique lyrisme lysat lyse +lysergide lysidice lysimaque lysimètre lysine lysinoe lysiure lysmata +lysogénie lysokinase lysosome lysotypie lysozyme lysozymurie lysozymémie +lystre lystrosaure lythraria lyxose lâchage lâche lâcher lâcheté lâcheur lâché +lèchefrite lèchement lèpre lète lève lève-ligne lève-palette lève-vitre lèvre +lébétine lécanore léchage léchette lécheur lécithinase lécithine lécythe +légalisation légalisme légaliste légalité légat légataire légation légende +légion légionella légionellose légionnaire législateur législatif législation +législature légisme légiste légitimation légitime légitimisation légitimisme +légitimité légitimé légume légumier légumine légumineuse légèreté léiasthénie +léiomyoblastome léiomyome léiomyosarcome léiopelmidé léma lémur lémure +lémurien lémuriforme léninisme léniniste lénitif léonard léonite léontodon +léopard léopoldisme lépadogaster lépidine lépidocrocite lépidocycline +lépidolite lépidope lépidoptère lépidoptériste lépidoptérologie lépidosaurien +lépidosirène lépidostée lépilémur lépiote lépisme lépisostée léporide léporidé +léporin lépospondyle lépralgie lépride léprologie léprologiste léprologue +lépromine léproserie lépyre lépyronie lérot lérotin lésine lésinerie lésineur +létalité léthalité léthargie léthologie lévartérénol léviathan lévigation +lévirostre lévitation lévite lévocardie lévocardiogramme lévoglucosane +lévoposition lévorotation lévoversion lévrier lévulose lévulosurie lévulosémie +lézard lézarde lüneburgite ma-jong maboul mabuya mac macaco macadam +macaire macaque macaron macaroni macaronisme macassar maccarthysme +maccartisme macchabée maceron macfarlane mach machaeridé machairodonte machaon +machette machiavel machiavélisme machicot machicotage machile machin +machination machine machinerie machinisme machiniste machinoir machisme +machmètre macho machozoïde mackintosh maclage macle macloir macoma macquage +macramé macrauchenia macre macreuse macro macroasbeste macrobiote +macrobrachium macrocheilie macrocheire macrochilie macrochirie macrocortine +macrocycle macrocyste macrocytase macrocyte macrocytose macrocère macrocéphale +macrodactyle macrodactylie macrodontie macrodécision macroendémisme +macrogamétocyte macroglie macroglobuline macroglobulinémie macroglosse +macroglossite macrognathie macrographe macrographie macrogénitosomie +macroinstruction macrolide macrolyde macrolymphocyte macrolymphocytomatose +macromolécule macromère macromélie macroparéite macrophage macrophagocytose +macrophtalme macrophya macropie macropneuste macropode macropodidé macropodie +macroprosopie macropsie macroramphosidé macroscope macroscopie macroscélide +macroskélie macrosociologie macrosomatie macrosomie macrosporange macrospore +macrostructure macroséisme macrothylacea macrotie macrotome macrotoponyme +macroure macrouridé macrozamia macrozoaire macroéconomie macroéconomiste +mactre macula maculage maculation maculature macule maculopathie maculosine +macédoine macédonien macérateur macération madapolam madarose madeleine +madone madoqua madrague madragueur madrasa madrier madrigalisme madrigaliste +madrure madréporaire madrépore maduromycose madère madécasse madérisation +maelström maenidé maestria maestro maffia maffiotage mafia mafiologue +mafitite magasin magasinage magasinier magazine magdalénien mage magenta +maghzen magicien magicienne magie magiste magister magistrale magistrat +magistère magma magmatisme magmatiste magnan magnanarelle magnanerie magnanier +magnat magnet magnificence magnitude magnolia magnoliacée magnoliale magnolier +magnésamine magnésammine magnésie magnésioferrite magnésiothermie magnésite +magnésiémie magnésothérapie magnésémie magnétimètre magnétisation magnétiseur +magnétite magnétitite magnéto magnétocardiographie magnétocassette +magnétodynamique magnétogramme magnétohydrodynamique magnétomètre +magnéton magnétopause magnétophone magnétoscope magnétoscopie magnétosphère +magnétostratigraphie magnétostricteur magnétostriction magnétotellurique +magnétron magot magouillage magouille magouilleur magpie magret magrébin +magyarisation mahaleb maharadjah maharaja maharajah maharani mahatma mahdi +mahdiste mahométan mahométisme mahonia mahonne mahratte mahseer mai maia maie +maigreur maigrichon mail mailing maillade maillage maille maillechort +maillet mailletage mailleton mailleur mailleuse maillochage mailloche +maillon maillot maillotin maillure maimonidien main mainate mainbour +maindronia mainframe mainlevée mainmise mainmortable mainmorte maintenabilité +mainteneur maintenue maintien maire mairie maische maisière maison maisonnette +maistrance maizière maja majesté majeur majeure majidé majolique major +majorant majorat majoration majordome majorette majoritaire majorité majorquin +makaire makemono makhzen maki makila makimono mako mal-aimé malabar malabare +malabsorption malachie malachiidé malachite malacie malacobdelle malacocotyle +malacologie malacologiste malacologue malaconotiné malacoplasie +malacosoma malacostracé malactinide malade maladie maladrerie maladresse +malaga malaise malaisien malandre malandrin malaptérure malard malaria +malarien malariologie malariologiste malariologue malarmat malart malate +malaxeur malayophone malbouffe malbâti malchance malcontent maldane maldonite +malembouché malentendant malentendu maleo malfaisance malfaiteur malfaçon +malfrat malgache malherbologie malheur malhonnête malhonnêteté mali malice +malignité malikisme malikite malin malinké malintentionné mallardite malle +mallette mallophage malléabilisation malléabilité malléination malléine +malmenage malmignatte malnutri malnutrition malocclusion malonate malonylurée +malot malotru malouin malpighie malplaquet malpoli malposition malpropre +malstrom malt maltage maltaise maltase malterie malteur malthe malthusianisme +maltose maltosurie maltraitance maltôte malure malvacée malveillance +malvenu malversation malvidine malvoisie malvoyant maléate malédiction +malékisme malékite mamamouchi maman mamba mambo mamelle mamelon mamelouk +mamestre mamie mamillaire mamille mamilloplastie mammalogie mammalogiste +mammifère mammite mammographie mammoplastie mammose mammouth man mana manade +management manager manageur manakin manant manati manbarklak mancelle +mancenillier manche mancheron manchette manchisterie manchon manchot mancie +mandala mandale mandant mandarin mandarinat mandarine mandarinier mandat +mandatement mandature mandchou mandement mandi mandibulate mandibule mandingue +mandoliniste mandore mandorle mandragore mandrerie mandrier mandrill mandrin +mandrineur mandrineuse manducation mandéen mandéisme mandélate mandélonitrile +manette mangabey manganate manganicyanure manganimétrie manganin manganine +manganite manganocyanure manganophyllite manganosite manganostibite +manganurie manganémie mange-disque mangeaille mangeoire manger mangerie +mangeur mangeure mangle manglier manglieta mango mangot mangoustan +mangouste mangrove mangue manguier mangérite manhattan mania maniabilité +maniaque maniaquerie manicaria manichordion manichéen manichéisme manicle +manidé manie maniement maniette manieur manif manifestant manifestation +manifold manigance maniguette manil manille manilleur manillon manioc manip +manipulateur manipulation manipule manique manitou manivelle manière +maniériste manne mannequin mannequinage mannette mannide mannitane mannite +mannose mannosidase mannosidose manocage manodétendeur manodétenteur +manoeuvre manoeuvrier manographe manographie manoir manomètre manométrie +manoque manostat manotte manouche manouvrier manquant manque manquement manqué +mansarde mansart manse mansfieldite mansion mansonellose mansuétude mante +manteline mantella mantelure mantelé manticore mantidé mantille mantique +mantisse mantouan manualité manubrium manucure manucurie manuel manuelle +manufacturier manul manuluve manumission manuscrit manutention +manuterge manzanilla manzanillo manège manécanterie maori maoïsme maoïste +maquage maque maqueraison maquereautage maquereautier maquerelle maquettage +maquettisme maquettiste maqui maquignon maquignonnage maquillage maquille +maquisard maquée mar mara marabout maraboutisme maraca maranta marante marasme +marasquin marathe marathon marathonien marattiale maraud maraudage maraude +maraveur maraîchage maraîcher maraîchin marbrage marbre marbrerie marbreur +marbrière marbrure marbré marc marcasite marcassin marcassite marcescence +marchand marchandage marchandeur marchandisage marchandisation marchandise +marchantia marchantiale marchantie marche marchepied marchette marcheur +marchure marché marchéage marchéisation marcionisme marcioniste marcionite +marcographie marconi marcophile marcophilie marcottage marcotte marcusien +mardi mare marelle maremme marengo mareyage mareyeur marfil margaille +margarinerie margarinier margarite margarosanite margay marge margelle +margeur marginalisation marginalisme marginalité margot margotin margouillat +margoulin margousier margrave margraviat margravine marguerite marguillier +mariachi mariage marialite marianiste mariculteur mariculture marieur marigot +marijuana marin marina marinade marinage marine maringouin marinier marinisme +mariol mariolle mariologie marionnette marionnettiste marisa marisque mariste +maritimité maritorne marivaudage marié marjolaine mark marketing marle marli +marlou marlowien marmaille marmatite marmelade marmitage marmite marmiton +marmonnement marmorisation marmot marmottage marmotte marmottement marmotteur +marmouset marnage marne marneur marnière marocain maronite maroquin +maroquinerie maroquinier marotisme marotiste marotte marouette marouflage +maroute marquage marque marqueterie marqueteur marqueur marqueuse marquisat +marquisien marquoir marquésan marrainage marraine marrane marranisme marrant +marrellomorphe marron marronnage marronnier marrube marsala marsault marshite +marsouin marsupialisation martagon marte martelage martelet marteleur +martellement martellerie martellière martelé martensite martien martin +martinet martingale martinisme martiniste martite martoire martre martyr +martyrium martyrologe martèlement marxisant marxisation marxisme marxiste +marxologue marxophile maryland marâtre marène marèque marécage maréchalat +maréchalerie maréchaussée marée marégraphe maréomètre masaridé mascagnite +mascarade mascaret mascaron mascotte masculin masculinisation masculinisme +masculisme maser maskinongé maso masochisme masochiste masquage masque +massacre massacreur massage massaliote massasauga masse masselotte massepain +masseur massicot massicotage massicoteur massicotier massier massif +massiveté massivité massonia massorah massorète massothérapie massue massé +mastaba mastacembélidé mastalgie mastard mastectomie master mastic masticage +mastication masticatoire mastiff mastigadour mastiqueur mastite mastoblaste +mastocyte mastocytome mastocytose mastocytoxanthome mastodonte mastodontosaure +mastographie mastologie mastologue mastopathie mastopexie mastoplastie +mastoptôse mastose mastoïdectomie mastoïdite mastroquet masturbateur +mastère masure masurium mat matador mataf matage matamata matamore matassin +match-play matchiche matchmaker matefaim matelassage matelasseuse matelassier +matelassure matelassé matelot matelotage matelote maternage maternelle +maternité mateur math mathilda mathurin mathusalem mathématicien mathématique +matif matildite matin matinière matinée matissien matité matière matiérisme +matoir matoiserie matolin maton matorral matou matraquage matraque matraqueur +matricaire matrice matricide matriclan matricule matriçage matroclinie matrone +matronymat matronyme matte matthiole maturateur maturation maturité +maté matérialisation matérialisme matérialiste matérialité matériel maubèche +maudit maugrabin maugrebin maugrément maul maurandie maurassien maure maurelle +mauricien mauriste mauritanien maurrassien mauser mausolée maussaderie +mauve mauviette mauvéine mawlawi maxi maxilisation maxillaire maxille +maxillite maximale maximalisation maximalisme maximaliste maxime maximisation +maxwell maya maye mayen mayetiola mayeur mayonnaise mazagran mazama mazarin +mazarine mazariniste mazdéisme mazette mazot mazout mazoutage mazouteur +mazzinisme mazéage maçon maçonnage maçonnerie maçonnologie maëlstrom maërl +maîtresse maîtrise maïa maïeur maïeuticien maïeutique maïolique maïserie +maïsiculture maïzena mccarthysme mec meccano mechta mecton medersa medlicottia +meganeura mehseer meibomiite meigénie meilleur meistre mejraïon melanophila +melchior melchite melette melkite mellah mellate mellification mellifère +mellitate mellite mellâh melon melonnière melonnée meltéigite membrace +membrana membrane membranelle membranipore membranophone membranule membre +membrure memecylon menabea menace menchevik mendiant mendicité mendigot +mendole mendozite mendélisme mendésisme mendésiste meneur menhaden menhidrose +menin menine mennonisme mennonite menora menotte mense mensonge menstruation +mensualité mensuel mensurateur mensuration mentagre mentalisation mentalisme +mentalité menterie menteur menthane menthe menthol menthone menthyle mention +menton mentonnet mentonnière mentoplastie mentor menu menuerie menuet +menuise menuiserie menuisier menée mer mercanti mercantilisation mercantilisme +mercaptal mercaptan mercaptide mercaptobenzothiazole mercaticien mercatique +mercerie mercerisage merceriseuse merchandising merci mercier mercierella +mercuration mercurescéine mercuriale mercurialisme mercuribromure +mercuricyanure mercuriel mercurien mercuriiodure mercurochrome mercédaire +merde merdier merdouille merganette mergule meringage meringue merino merise +merl merlan merle merlette merlin merlon merlu merluche meromyza merrain +merveille merzlota mesa mescal mescaline mesclun meslier mesmérien mesmérisme +message messager messagerie messe messelite messianisme messianiste messianité +messier messin messire messor mestrance mestre mesurage mesure mesureur meta +mettage metteur meuble meublé meuglement meulage meule meulerie meuleton +meuleuse meulier meulière meuliérisation meulon meunerie meunier meunière +meurtiat meurtre meurtrier meurtrissure meurtrière meute mexicain mexicaniste +meyerhofférite mezcal mezzanine mezzo mezzo-soprano mi-course mi-lourd +miacoïde miaou miargyrite miaskite miasme miastor miaulement mica micaschiste +miche micheline michelinie micheton michetonneur michetonneuse miché micmac +micoquien micraster micrathène micrencéphalie micrite micro micro-aboutage +micro-onde micro-ordinateur micro-organisme microalbuminurie microalgue +microampèremètre microanalyse microanalyseur microanalyste microangiopathie +microbalance microbe microbicide microbicidie microbie microbille +microbiologiste microbisme microblaste microburette microburie +microcalorimétrie microcaméra microcapsule microcapteur microcardie +microcathétérisme microcaulie microchimie microchiroptère microchirurgie +microcircuit microcirculation microclimat microclimatologie microcline +microcode microcomparateur microcomposant microconnectique microcopie +microcorie microcornée microcosme microcoupelle microcrique microculture +microcytose microcytémie microcèbe microcéphale microcéphalie microcôlon +microdensimètre microdiorite microdissection microdomaine microdon microdontie +microdosage microdose microdrépanocyte microdrépanocytose microdécision +microendémisme microfarad microfaune microfibre microfichage microfiche +microfilaricide microfilarémie microfilm microfilmage microflore +microforme microfractographie microgale microgamète microgamétocyte +microgastrie microglie microglobuline microglossaire microglosse microglossie +microgramme microgranite microgranulateur microgranulé micrographe +microgravité microgyrie microhm microhylidé microhématocrite microhématurie +microintervalle microkyste microlangage microlaparotomie microlecteur +microliseuse microlite microlithe microlithiase microlithisme +microlitre microlépidoptère micromaclage micromanipulateur micromanipulation +micromastie microme microminiaturisation micromodule micromole +micromortier micromoteur micromètre micromélie micromélien micromérisme +micrométrie micrométéorite micron micronavigateur micronecta micronisation +micronésien microonde microordinateur microorganisme microparasite +micropegmatite microperthite microphage microphagie microphagocytose +microphone microphotographie microphtalmie microphysique micropie micropilule +micropipette microplaque microplaquette micropli microplissement micropodidé +micropolyadénopathie micropore microporella microporosité micropotamogale +microprogestatif microprogrammation microprogramme micropropulseur micropsie +microptérygidé micropuce micropyle micropyrotechnie microradiographie +microrchidie microrelief microrhinie microrragie microsablage microsaurien +microschizogonie microschème microsclérose microscope microscopie microseconde +microsisme microsite microskélie microsociologie microsociété microsomatie +microsomie microsommite microsonde microsoudage microsoufflure microsparite +microspectroscope microsphygmie microsphère microsphérocytose +microspondylie microsporange microspore microsporidie microsporie microsporum +microstome microstomie microstomum microstructure microsyénite microséisme +microtechnicien microtechnique microtectonique microthermie microthrombose +microtiné microtome microtoponyme microtour microtracteur microtraumatisme +microvillosité microviseur microvésicule microzoaire microéconomie +microédition microélectrode microélectronique microélément microémulsion +miction midi midinette midrash midship mie miel miellaison miellat miellerie +miersite miette mieux-faisant migmatite mignardise mignon mignonne mignonnerie +mignonneuse migraine migrant migrateur migration miguélisme miguéliste +mijotage mijoteuse mikado mikiola mil milan milandre milarite mildiou mile +miliaire milice milicien miliole militaire militance militant militantisme +militarisme militariste milium milk-bar millage millasse mille millefeuille +millerandisme millerandiste millet milliaire milliampère milliampèremètre +milliardaire milliardième milliasse millibar millibarn millicurie millier +milligramme millilitre millime millimicron millimole millimètre million +millionnaire milliosmole milliroentgen milliseconde millithermie millivolt +milliwatt millième milliéquivalent millénaire millénarisme millénariste +millépore millérite millésime milnésie milord milouin milouinan mime mimeuse +mimicrie mimidé mimie mimique mimodrame mimographe mimographie mimolette +mimosa mimosacée mimosée mimétaster mimétidé mimétisme mimétite minable minage +minard minaret minasragrite minauderie minaudier minbar minceur mindel mine +minerval minerve minerviste minestrone minet minette mineur mineure mingrélien +miniature miniaturisation miniaturiste miniboule minicar minicassette +minidrame minijupe minimalisation minimalisme minimaliste minimalisée minime +minimum minioptère miniordinateur minipilule minirail minirobe ministrable +ministère minitel minium minivet minière mink minnesinger mino minoen minorant +minoritaire minorité minorquin minoré minot minotaure minoterie minotier minou +minuscule minutage minute minuterie minuteur minutie minutier minyanthe +minéralisateur minéralisation minéralogie minéralogiste minéralurgie mioche +miopragie miose miquelet mir mirabelle mirabellier mirabilite miracidium +miraculé mirador mirage miraillet miramolin miraud mirbane mire mirette mireur +miridé mirliflor mirliflore mirliton mirmidon mirmillon miroir miroitement +miroitier miroité mironton miroton mirounga misaine misandre misandrie +misanthropie miscibilité mise misogamie misogyne misogynie misonéisme +mispickel missel missile missilier missiologie mission missionnaire +missive mistelle misthophorie mistigri miston mistoufle mistral misumène +misélie misénite misérabilisme misérabiliste misérable miséricorde mitadinage +mitaine mitan mitard mitchourinisme mite mithan mithracisme mithraïsme +mithridatisation mithridatisme mitigation mitigeur mitière mitochondrie +mitomycine miton mitonnée mitonécrose mitose mitotane mitoyenneté mitraillade +mitraille mitraillette mitrailleur mitrailleuse mitralite mitraria mitre +mitscherlichite mixage mixer mixeur mixique mixite mixité mixonéphridie +mixtion mixtionnage mixture mixtèque miyagawanella miyagawanellose mizzonite +mnémonique mnémotaxie mnémotechnie mnémotechnique moa moabite mob mobed mobile +mobilisation mobilisme mobiliste mobilisé mobilité mobiliérisation mobilomètre +moblot mobulidé mobylette mocassin mocheté mochokidé moco mococo modalisateur +modalisme modalité mode modelage modeleur modelé modem moderne modernisateur +modernisme moderniste modernité modestie modeuse modicité modificateur +modification modifieur modillon modiole modiomorphe modiste modulabilité +modularité modulateur modulation modulatrice module modulo modulomètre modulor +modèlerie modélisateur modélisation modélisme modéliste modénature +modérantisme modérantiste modérateur modération modéré moelle moellon +moellonneur moellonnier moere moeritherium mofette moghol mogiarthrie +mogiphonie mogol mohair mohawk mohiste moie moignon moilette moine moinerie +moins-value moirage moire moireur moirure moiré moisage moise moisissure +moissine moisson moissonnage moissonneur moissonneuse moiteur moitié moka +molal molalité molarisation molarité molasse molasson moldave mole moleskine +molet moletage moletoir molettage molette molgule molidé molinisme moliniste +molinosiste mollah mollard mollasse mollasserie mollasson mollesse mollet +molletière molleton mollicute mollisol mollissement molluscoïde molluscum +molly mollé moloch molosse molothre molozonide molpadide moluranite molure +moly molybdate molybdite molybdoménite molybdophyllite molybdosulfate +molysite molysmologie molyte molène molécularité molécule moment momentanée +momie momier momification momordique momot monacanthidé monachisme monaco +monade monadisme monadiste monadologie monandrie monanthie monarchianisme +monarchien monarchisme monarchiste monarchomaque monarque monastère +monaxonide monazite monchiquite mondain mondanité mondanéité mondation monde +mondialisation mondialisme mondialiste mondialité mondiovision mondisation +mondovision mone monel monergol mongol mongolien mongolisme mongoloïde +moniale monilia moniliase moniligastre moniliose monilisation monimolite +moniste moniteur monition monitoire monitor monitorage monitorat monitoring +monnayage monnayeur mono monoacide monoamide monoamine monoballisme monobase +monobloc monobrucellose monocaméralisme monocaméraliste monocamérisme +monocardiogramme monochlamydée monochorée monochromate monochromateur +monochromatisme monochrome monochromie monocle monocomparateur monocoque +monocotylédone monocouche monocratie monocrin monocrotisme monoculture +monocylindre monocyte monocytodermie monocytopoïèse monocytopénie monocytose +monocéphale monocéphalien monocératide monodelphe monodie monodiète +monodrame monoecie monogame monogamie monogenèse monoglycéride monogrammatiste +monogrammiste monographie monogynie monogène monogénie monogénisme monogéniste +monohybridisme monohydrate monojonction monokine monokini monolingue +monolithe monolithisme monolocuteur monologisme monologue monologueur +monomanie monomorium monomorphisme monomoteur monomphalien monomèle monomère +monomérisation monométallisme monométalliste monométhylamine +mononucléaire mononucléose mononucléotide mononévrite monopartisme monophage +monophonie monophosphate monophtalme monophtalmie monophtongaison monophtongue +monophysisme monophysite monoplace monoplacophore monoplan monopleura +monopode monopole monopoleur monopolisateur monopolisation monopolisme +monoporte monoposte monopriorphisme monoprocesseur monoproduction +monopropylène monopsie monopsone monoptère monorail monorchide monorchidie +monoréfringence monosaccharide monoscope monosession monosiallitisation +monosoc monosome monosomie monosomien monospermie monosphyronidé monosporiose +monostélie monosulfite monosulfure monosyllabe monosyllabisme monosémie +monotest monothermie monothéisme monothéiste monothélisme monothérapie +monotopisme monotoxicomane monotoxicomanie monotriche monotrope monotrysien +monotubule monoturbine monotype monoxime monoxyde monozygote monozygotisme +monoéthylamine monoéthylaniline monoïde monoïdéisme monoïdéiste monstre +monstrillidé monstruosité mont montage montagnard montagne montagnette +montanisme montaniste montanoa montant montbretia montbéliarde monte +monte-sac montebrasite monteur montgolfière montgolfiériste monticellite +montjoie montmorillonite montoir montpelliérain montre montreur montroydite +montée monténégrin monument monumentalisation monumentalisme monumentaliste +monzonite monème monère monédule monégasque monétarisation monétarisme +monétique monétisation monétite monôme mooniste mooréite moque moquerie +moqueur moracée moraillon moraine moral morale moralisateur moralisation +moraliste moralité morasse moratoire moratorium morave moraxella morb +morbidité morbier morcellement morchellium mordache mordacité mordant +mordelle mordette mordeur mordillage mordillement mordillure mordocet +mordorisation mordorure mordoré mordu mordâne mordénite more morelle moresque +morfalou morfil morfilage morgan morganite morge morgeline morgue moribond +moriculteur moriculture morille morillon morin morindine morine morinite morio +morisque morlingue mormolyce mormon mormonisme mormyre mormyridé morne +mornifleur morningue moro moron morosité morphinane morphine morphinisme +morphinomanie morphisme morpho morphochronologie morphoclimatologie +morphognosie morphographie morphogénie morpholine morphologie morphométrie +morphophonologie morphopsychologie morphoscopie morphostructure morphosyntaxe +morphotectonique morphothérapie morphotype morphème morphée morphémisation +morrude morse morsure mort mort-né mortadelle mortaisage mortaise mortaiseur +mortalité mortel mortier mortification mortinatalité mortuaire morue moruette +morutier morvandiot morve morène morénosite mosan mosandrite mosasaure +mosaïculteur mosaïculture mosaïque mosaïsme mosaïste moschiné moscoutaire +mosellan mosette mosquée mossi mossite mot motacillidé motard motel motelle +moteur motif motiline motilité motion motionnaire motiv motivation moto +motobrouette motociste motocompresseur motoculteur motoculture motocycle +motocyclisme motocycliste motofaucheuse motogodille motohoue motomodèle +motoneige motoneigiste motoneurone motopaver motoplaneur motopompe +motor-home motorgrader motorisation motoriste motorship motoréacteur +motoski mototondeuse mototracteur mototreuil motrice motricité mots-croisiste +mottramite mou mouchage mouchard mouchardage mouche moucherolle moucheron +mouchet mouchetage mouchette moucheture moucheté moucheur mouchoir mouchure +moue mouette moufette mouffette moufflette mouflage moufle mouflet mouflette +mouhotia mouillabilité mouillage mouillant mouille mouillement mouillette +mouilleuse mouilloir mouillure mouillère mouise moujik moujingue moukère +moulage moule moulerie moulet mouleur mouleuse moulin moulinage moulinet +moulineur moulinier mouliste moulière moulurage mouluration moulure moulureur +moulurier moulurière moulée moumoute mound mouquère mourant mouride mourine +mouroir mouron mourre mouscaille mousmé mousmée mousquet mousquetade +mousqueterie mousqueton moussage moussaillon moussaka mousse mousseline +mousselinier mousseron moussoir mousson moustac moustache moustachu moustelle +moustique moustiérien moustérien moutard moutarde moutardier moutelle moutier +moutonnement moutonnerie moutonnier mouture mouvance mouvement mouvette +moxa moxation moxibustion moye moyen moyen-courrier moyenne moyettage moyette +moyocuil moyère mozabite mozambicain mozarabe mozartien mozette mozzarella +moëre moï moïse moût mrna muance mucigène mucilage mucinase mucine mucinose +mucographie mucolipidose mucolyse mucolytique mucomètre mucopolysaccharide +mucopolysaccharidurie mucoprotéide mucoprotéine mucoprotéinurie mucor +mucorinée mucormycose mucorrhée mucosité mucoviscidose mucoviscose mucoïde +mudra mudéjare mue muesli muet muette muezzin muffin mufle muflerie muflier +mufti muge mugilidé mugiliforme mugissement muguet mugéarite muid mulard +mulasserie mule mulet muleta muletier muleton mulette mulier mulla mullah +mullite mulléroblastome mulon mulot mulsion multiclavier multicolinéarité +multiconfessionnalité multicoque multicouplage multicuisson multiculteur +multicâble multidimensionnalité multidipôle multidisciplinarité multifenêtrage +multifonctionnalité multigeste multigraphe multijouissance multilatéralisation +multilingue multilinguisme multilocuteur multimilliardaire multimillionnaire +multimodalité multimoteur multimètre multimédia multinationale +multinationalité multinévrite multipare multiparité multipartisme multiplace +multiplan multiple multiplet multiplexage multiplexeur multiplicande +multiplication multiplicité multiplieur multipolarité multiporte +multipostulation multiprise multiprocesseur multiprogrammation +multipropriété multipôle multirisque multirécidiviste multiscan multisoc +multitrait multitraitement multituberculé multitude multivibrateur multivision +multivoie mulâtre mumie municipale municipalisation municipalisme +municipalité municipe munie munificence munition munitionnaire munster muntjac +muonium muphti muqueuse mur muraenidé murage muraille mural muralisme +muramidase murchisonia murcien murdjite muret muretin murette muriate muricidé +murin murine muriné murmel murmure murène murénidé musacée musang musaraigne +musarderie musardise musc muscade muscadelle muscadet muscadier muscadin +muscardin muscardine muscardinidé muscari muscarine muscat muscicapidé muscidé +muscinée muscle muscone muscovite musculation musculature musculeuse muse +museletage muselière musellement muserolle musette music-hall musical +musicaliste musicalité musicien musicographe musicographie musicologie +musicothérapie musique musiquette musli musoir musophage musophagidé +mussitation mussolinien mussurana must mustang mustélidé musulman musée +muséographie muséologie muséologue muséum mutabilité mutacisme mutage +mutagénicité mutagénèse mutant mutase mutateur mutation mutationnisme +mutazilisme mutazilite mutela muthmannite mutilateur mutilation mutille mutilé +mutinerie mutiné mutisme mutité muton mutualisation mutualisme mutualiste +mutuelle mutuellisme mutuelliste mutule mutélidé mw mwatt mya myacoïde myalgie +myasthénie myatonie mycetaea myciculteur myciculture mycobacterium +mycobactériose mycobactérium mycobactériée mycocécidie mycoderme +mycologie mycologue mycophage mycoplasma mycoplasme mycorhization mycorhize +mycosporidie mycostatique mycothèque mycothérapie mycotoxicose mycotoxine +mycélium mycénien mycétide mycétome mycétophage mycétophile mycétophilidé +mycétose mycétozoaire mydriase mydriatique mye mygale mygalomorphe myiase +mylabre mylacéphale myliobatidé mylodon mylolyse mylonisation mylonite mymar +myoblaste myoblastome myocarde myocardie myocardiopathie myocardite +myocardose myocastor myocavernome myochronoscope myoclonie myoclonique myocyte +myodaire myodynamie myodynie myodystrophie myodésopsie myofibrille myoglobine +myognathe myogramme myographe myographie myogénie myohématine +myokymie myologie myolyse myomalacie myomatose myome myomectomie myomorphe +myomère myomètre myonécrose myooedème myopathe myopathia myopathie myope +myopie myoplastie myoplégie myopotame myopotentiel myorelaxant myorelaxation +myorythmie myorésolutif myosalgie myosarcome myosclérolipomatose myosclérose +myosine myosismie myosite myosolénome myosphérulose myostéome myosyndesmotomie +myotique myotome myotomie myotonie myotonomètre myrcène myre myriade +myrianide myriapode myrica myricacée myricale myringite myringoplastie +myriophylle myriophyllum myristate myristication myrmicidé myrmidon myrmique +myrmécocyste myrmécologie myrmécologue myrmécophage myrmécophagidé +myrmécophilie myrmédonie myrmékite myrméléonidé myrobolan myronate myrosine +myroxylon myrrhe myrtacée myrte myrtil myrtille myrténal mysidacé +mystagogie mystagogue myste mysticisme mysticité mysticète mystificateur +mystique mystère mytacisme mythe mythification mythogramme mythographe +mythologie mythologue mythomane mythomaniaque mythomanie mytiliculteur +mytilidé mytilina mytilisme mytilotoxine myxicole myxine myxinidé myxiniforme +myxobactériée myxochondrome myxoedème myxomatose myxome myxomycète +myxorrhée myxosarcome myxosporidie myzomyie myzomèle myzostomidé myélencéphale +myélinisation myélinolyse myélite myéloblaste myéloblastomatose myéloblastome +myélobulbographie myéloculture myélocystocèle myélocystoméningocèle myélocyte +myélocytose myélocytémie myélocèle myélodermie myélodysplasie myélofibrose +myélogramme myélographie myélokathexie myélolipome myélomalacie myélomatose +myélomère myéloméningocèle myélopathie myélophtisie myéloplaxe myéloplaxome +myélopénie myéloréticulose myélosarcomatose myélosarcome +myélosclérose myéloscopie myélose myélosuppression myélotomie myélotoxicose +mzabite mâche mâchefer mâchement mâcheur mâchoire mâchon mâchonnement +mâchure mâcon mâle mâlikisme mât mâtage mâtin mâture mèche mède mère mètre +méandrine méat méatoscopie méatotome méatotomie mécanicien mécanique +mécanisation mécanisme mécaniste mécano mécano-soudage mécanocardiographie +mécanographe mécanographie mécanominéralurgie mécanorécepteur mécanoréception +mécatronique méchage méchanceté méchant méchoui mécompréhension mécompte +méconium méconnaissance méconnu mécontent mécontentement méconème mécoptère +mécréant mécynorhine mécène mécénat médaillable médaille médailleur médaillier +médaillon médaillé médecin médecine médecinisme médersa média médiacalcinose +médiacratie médiale médiane médianoche médiante médianécrose médiaplanning +médiastinite médiastinographie médiastinopéricardite médiastinoscopie +médiateté médiateur médiathèque médiation médiatique médiatisation médiator +médicalisation médicament médicastre médication médicinier médina médiocratie +médiocrité médiodorsale médiologie médiopalatale médiopassif médisance +médisme méditation méditerranée méditerranéen médium médiumnité médiévalisme +médiéviste médoc médon médullectomie médullisation médullite médulloblastome +médullogramme médullopathie médullosclérose médulloscopie médullosurrénale +médullothérapie méduse médétère méfait méfiance méfiant méforme méga-uretère +mégabit mégabulbe mégacalicose mégacalorie mégacapillaire mégacaryoblaste +mégacaryocyte mégacaryocytopoïèse mégacaryocytose mégachile mégachiroptère +mégacéphalie mégacôlon mégaderme mégadiaphragme mégadolichocôlon mégaduodénum +mégafusion mégagrêle mégajoule mégalencéphalie mégalie mégalithe mégalithisme +mégaloblaste mégaloblastose mégalocornée mégalocyte mégalocytose +mégalodon mégalogastrie mégalomane mégalomanie mégalope mégalophonie +mégalopodie mégalopole mégalopsie mégaloptère mégalosaure mégaloschème +mégalothymie mégalérythème mégamot mégamycétome méganewton mégaoctet +mégaphone mégaphylle mégapode mégapodiidé mégapole mégaprofit mégaptère +mégarectum mégarhine mégarique mégascolide mégasigmoïde mégasome +mégastigme mégastrie mégastructure mégasélie mégatherme mégathrombocyte +mégatome mégatonne mégavessie mégaviscère mégavolt mégawatt mégawattheure +mégisserie mégissier mégohm mégohmmètre mégot mégotage mégoteur mégère méhari +méharée méionite méiopragie méiose méjanage mékhitariste mél mélaconite +mélalgie mélamine mélampyre mélanargia mélancolie mélancolique mélandrye +mélangeur mélangeuse mélanhidrose mélanidrose mélanine mélanisme mélanite +mélanoblaste mélanoblastome mélanoblastose mélanocinèse mélanocyte +mélanocéphale mélanocérite mélanodendrocyte mélanodermie mélanodermite +mélanofibrome mélanofloculation mélanogenèse mélanoglossie mélanogénocyte +mélanopathie mélanophore mélanophyre mélanoptysie mélanosarcome mélanose +mélanote mélanotékite mélanoïdine mélantérite mélanurie mélanémie mélanésien +mélasse mélatonine mélecte mélia méliacée mélibiose méligèthe mélilite +mélilot mélinite mélioratif mélioration méliorisme mélioriste mélioïdose +méliphanite mélipone mélique mélisme mélisse mélissode mélitea mélitine +mélitose mélitte mélittobie mélo mélode mélodie mélodiste mélodramatisme +mélomane mélomanie mélomèle mélomélie mélongine mélongène mélonite mélophage +mélopée mélorhéostose mélothérapie mélotomie mélotrophose méloé méloïdé +mélusine mélèze méléagriculteur méléagriculture méléagridé méléagrine méléna +mélézitose mémento mémo mémoire mémorandum mémoration mémorialiste +mémère mémé ménade ménage ménagement ménager ménagerie ménagier ménagiste +ménaquinone ménestrel ménidrose ménidé ménilite méninge méningiome méningisme +méningo-encéphalite méningoblaste méningoblastome méningococcie +méningocoque méningocèle méningomyélite méningopathie méningorragie +méningotropisme méniscectomie méniscite méniscographie méniscopexie +ménisque ménocyte ménologe ménoméningococcie ménométrorragie ménopause +ménopome ménopon ménorragie ménorragique ménorrhée ménotaxie ménotoxine +ménoxénie ménure ményanthe ménéghinite ménétrier méphitisme méplat méprise +méralgie mérasthénie méridien méridienne mérione mérisme méristème mérite +méritocrate méritocratie mériédrie mérocèle mérodon mérogamie mérogonie +mérospermie mérostome mérostomoïde mérot mérotomie mérou mérovingien mérozoïte +mérycisme méryite méréologie mésadaptation mésaise mésalliance mésallocation +mésangeai mésangette mésartérite mésaventure mésembryanthème mésenchymatose +mésenchymome mésenchymopathie mésencéphale mésentente mésentère mésentérite +mésestime mésidine mésinformation mésintelligence mésite mésitornithidé +mésitylène méso mésoblaste mésocardie mésocarpe mésocolon mésocolopexie +mésocéphalie mésocôlon mésoderme mésodermose mésodermotropisme mésodiastole +mésoenatidé mésoglée mésognathie mésolite mésologie mésomorphe mésomorphie +mésomphalie mésomètre mésomérie mésométrie mésométrium méson mésoneurite +mésoperthite mésophylle mésophyte mésopotamien mésoroptre mésosaurien +mésosigmoïde mésosigmoïdite mésosphère mésosternum mésostigmate mésostome +mésosystole mésotherme mésothorium mésothèle mésothéliome mésothélium +mésovarium mésozoaire mésozone mésozoïque mésylate métaarséniate métaarsénite +métabole métabolimétrie métabolisation métabolisme métabolite métaborate +métacarpe métacentre métacercaire métachromasie métachromatisme métachronose +métacognition métacortandracine métacortandralone métacortène métacrinie +métadone métagalaxie métagenèse métagonimiase métagéria +métairie métalangage métalangue métalaxyl métaldéhyde métalepse métallation +métallier métallisation métalliseur métallo métallochimie métallochromie +métallographe métallographie métallogénie métallophone métalloplasticité +métallothermie métallothérapie métalloïde métallurgie métallurgiste métalléité +métalogique métamagnétisme métamathématique métamictisation métamonadine +métamorphisme métamorphopsie métamorphose métamyélocyte métamère métamérie +métamérisme métanie métanéphridie métaphase métaphonie métaphore métaphosphate +métaphysicien métaphysique métaplasie métaplasma métaplombate métapréfixe +métapsychiste métapsychologie métaraminol métasilicate métasomatisme +métastabilité métastannate métastase métasternum métastibnite métastigmate +métatarsalgie métatarse métatarsectomie métatarsien métatarsomégalie métathèse +métathérien métatopie métayage métayer métazoaire méteil métempsychose +métencéphale méthacholine méthacrylate méthadone méthamphétamine méthanal +méthanesulfonate méthanethiol méthanier méthanière méthanol méthanolate +méthicilline méthine méthionine méthioninurie méthioninémie méthode méthodisme +méthodologie méthoque méthotréxate méthoxyle méthylacétylène méthylal +méthylaminophénol méthylaniline méthylarsinate méthylate méthylation +méthylbenzène méthylbromine méthylbutadiène méthylbutanol méthylcellulose +méthylcyclohexane méthylcyclopenténone méthyle méthylfuranne méthylglucoside +méthylhydrazine méthylindole méthylisobutylcétone méthylisocyanate +méthylombelliférone méthylorange méthylpentanediol méthylpentanone +méthylphénidate méthylpropane méthylrouge méthylvinylcétone méthylène +méthémalbumine méthémalbuminémie méthémoglobine méthémoglobinémie méticilline +métier métissage métive métivier métoeque métol métonomasie métonymie métopage +métopine métoposcopie métoprolol métrage métralgie métreur métreuse métricien +métriorhynchidé métrique métrisation métrite métro métrocyte métrocèle +métrologiste métromanie métronidazole métronome métronomie métropathie +métropolitain métropolite métroptose métropéritonite métrorragie métrorrhée +métré métèque météo météore météorisation météorisme météorite météorographe +météorologiste météorologue météoromancie météoropathie météoropathologie +méum mévalonate mévente mézail mézière mêlécasse mêlée môle môme mômignard môn +mûre mûreraie mûrier mûrissage mûrissement mûrisserie mûron müesli nabab nabi +nable nabot nabuchodonosor nacaire nacarat nacelle nacre nacrite nacroculteur +nacré nadi nadir nadorite naegelia naevocancer naevocarcinome naevomatose nafé +nagana nagaïka nage nageoire nageur nagyagite nahaïka nahua nahuatl nain naine +naissage naissain naissance naisseur naja nalorphine namibien namurien nana +nanar nancéien nandidé nandinie nandou nanisme nankin nannofossile nannosaure +nanocorme nanocormie nanocéphale nanocéphalie nanogramme nanomèle nanomètre +nanoparticule nanophye nanoseconde nanosome nanosomie nanotube nansouk nanti +nantokite nanzouk naope napalm napel naphta naphtacène naphtaline naphtalène +naphte naphtidine naphtol naphtoquinone naphtylamine naphtyle +naphtène naphténate napolitain napolitaine napoléon napoléonite nappage nappe +nappette napée naqchbandi naqchbandite naraoia narcisse narcissisme narco +narcodollar narcolepsie narcomane narcomanie narcoméduse narcopsychanalyse +narcosynthèse narcothérapie narcotine narcotique narcotisme narcotrafiquant +narcétine nard nardosmie narghileh narghilé nargleria narguilé narine +narrateur narration narrativité narratologie narré narsarsukite narse narval +nasalisation nasalité nasard nasarde nase nasicorne nasillement nasilleur +nasitort nasière nason nasonite nasonnement nassariidé nasse nassette nassule +nastie natalidé natalité natation natice naticidé natif nation nationale +nationalisme nationaliste nationalité nativisme nativiste nativité natriciné +natriurèse natrochalcite natrojarosite natrolite natronite natrophilite +natrurie natrémie nattage natte nattier natté naturalisation naturalisme +naturalisé naturalité nature naturel naturisme naturiste naturopathe +naturothérapie naucore naucrarie naufrage naufrageur naufragé naumachie +naupathie nausithoe nausée naute nautier nautile nautiloïde nautisme nautonier +navajo navalisation navarin navarque nave navel navet navetier navetière +navetteur navicule navigabilité navigant navigateur navigation naviplane +navisphère navrement nazaréen nazca naze nazi nazification nazillon nazir +naziréen nazisme naïade naïf naïveté nebka neck necrolemur nectaire nectar +nectariniidé nectocalice nectogale necton nectonème nectophrynoïde nectridien +nedji nef negro-spiritual neige neiroun neisseria neisseriacée nelombo nem +nemura neobisium neomenia nepeta nepticula neptunea neptunisme neptuniste +nerf nerprun nervation nervi nervin nervosisme nervosité nervule nervurage +nescafé nesquehonite nestorianisme nestorien nestoriné nette netteté +nettoyage nettoyant nettoyeur network neuchâteloise neufchâtel neume +neuralthérapie neuraminidase neurapraxie neurasthénie neurasthénique +neuricrinie neurilemmome neurine neurinome neuroamine neuroanatomie +neurobiochimie neurobiochimiste neurobiologie neurobiologiste neuroblaste +neurobrucellose neurocapillarité neurochimie neurochimiste neurochirurgie +neurocrinie neurocristopathie neurocrâne neuroctena neurocytologie neurocytome +neuroderme neurodermite neurodépresseur neuroendocrinologie +neuroendocrinologue neurofibrille neurofibromatose neurofibrome neurogangliome +neuroglioblastose neurogliomatose neurogliome neurogériatrie neurohistologie +neurohypophyse neuroimmunologie neuroleptanalgésie neuroleptanesthésie +neuroleptisé neuroleukine neurolinguistique neurolipidose neurolipomatose +neurologiste neurologue neurolophome neurolymphomatose neurolyse neurolépride +neuromimétisme neuromodulateur neuromodulation neuromyopathie neuromyosite +neuromyélopathie neuromédiateur neuromédiation neuromélitococcie neurone +neuronolyse neuronophagie neuropapillite neuropathie neuropathologie +neurophagie neuropharmacologie neurophospholidose neurophylaxie neurophysine +neurophysiologiste neuroplasticité neuroplégie neuroplégique neuroprobasie +neuropsychiatrie neuropsychochimie neuropsychologie neuropsychologue +neuropticomyélite neuroradiologie neurorraphie neuroréactivation +neurorétinite neurosarcome neuroscience neurospongiome neurostimulateur +neurosécrétat neurosécrétion neurotensine neurotisation neurotome neurotomie +neurotonique neurotoxicité neurotoxine neurotoxique neurotransmetteur +neurotropisme neuroépithélium neuroéthologie neurula neustrien neutral +neutralisation neutralisme neutraliste neutralité neutre neutrino neutrodynage +neutrographie neutron neutronicien neutronique neutronoagronomie +neutronothérapie neutronthérapie neutrophile neutrophilie neutropénie neuvaine +newberyite newsmagazine newton newtonien nezara ngultrum niacinamide niacine +niaouli nicaraguayen niccolate niccolite niccolo niche nichet nichoir nichon +nichée nickel nickelage nickelate nickelémie nickéline nicodème nicol +nicolaïte nicothoé nicotinamide nicotinamidémie nicotine nicotinisation +nicotinothérapie nicotinémie nicotisme nicotéine nictatio nictation +nid nidation nidificateur nidification niellage nielle nielleur niellure +nietzschéisme nif nife nifuratel nifé nigaud nigauderie nigelle night-club +nigritie nigritude nigrosine nigérian nigérien nigérite nihilisme nihiliste +nilgaut nille nilotique nimbe ninhydrine niobate niobite niobotantalate +niolo nipiologie nippe nippon nippophobie nique niquedouille niqueur nirvana +nital nitescence nitidule nitramine nitranisole nitratation nitrate nitration +nitreur nitrification nitrile nitritation nitrite nitrière nitroalcane +nitroamidon nitroarène nitrobacter nitrobactérie nitrobaryte nitrobenzaldéhyde +nitrobenzène nitrocalcite nitrocellulose nitroforme nitrofurane nitrofurazone +nitroglycérine nitroguanidine nitrogène nitrojecteur nitrojection +nitromannite nitrométhane nitron nitronaphtalène nitronate nitrone nitronium +nitrophénol nitropropane nitroprussiate nitrosamine nitrosate nitrosation +nitrosoalcane nitrosoalcool nitrosobactérie nitrosobenzène nitrosochlorure +nitrosodiméthylaniline nitrosodiphénylamine nitrosoguanidine nitrosonaphtol +nitrosulfure nitrosyle nitrotoluène nitroéthane nitruration nitrure nitryle +nivation nive nivelage nivelette niveleur niveleuse nivelle nivellement +nivosité nivéole nixe nizam nizeré nièce nième niôle nobiliaire nobilissime +noblaillon noble noblesse nobélisable nobélisation nocardia nocardiose noce +nocher nochère nocicepteur nociception nocivité noctambule noctambulisme +noctilucidé noctiluque noctuelle noctuidé noctule noctuoïde nocturne +nocuité nodale noddi nodosaure nodosité nodule nodulite nodulose noeud noir +noirceur noircissage noircissement noircisseur noircissure noire noise +noisetier noisette nolisement nom noma nomade nomadisation nomadisme nomarque +nombril nombrilisme nombriliste nome nomenclateur nomenclature nomenklaturiste +nomina nominalisateur nominalisation nominalisme nominaliste nominatif +nomogramme nomographe nomographie nomologie nomothète non-actif non-activité +non-aligné non-animé non-belligérance non-combattant non-conciliation +non-conformité non-croyant non-directivité non-dépassement non-engagé +non-initié non-inscrit non-intervention non-mitoyenneté non-occupation +non-réalisation non-réponse non-résident non-réussite non-salarié non-stop +non-titulaire non-toxicité non-viabilité non-violent non-voyant nonagrie +nonagésime nonane nonanol nonantième nonce nonchalance nonchalant nonchaloir +none nonette nonidi nonnain nonnat nonne nonnette nonnée nonobstance +nontronite noologie noosphère nopage nopal nopalerie nopalière nope nopeuse +noquet noquette noradrénaline noramidopyrine norcarane nord-africain +nord-coréen nordet nordiste nordmarkite nordé noria norite norleucine normale +normalisateur normalisation normalité normand normande normation normativisme +normativité norme normoblaste normoblastose normocapnie normochromie normocyte +normogalbe normographe normolipidémie normolipémiant normolipémie normospermie +normothymique normothyroïdie normotype normovolhémie normovolémie normoxie +nornicotine noroît nortestostérone northupite norvaline norvégien norvégienne +nosema nosencéphale nosoconiose nosodendron nosographie nosogénie nosologie +nosomanie nosophobie nosotoxicose nostalgie nostalgique nostoc nostomanie +nosémiase nosémose notabilisation notabilité notable notacanthidé notaire +notalgie notariat notarisation notateur notation note notencéphale +notice notier notification notion notiphila notodonte notodontidé notomèle +notongulé notoptère notoriété notorycte notostigmate notostracé notosuchidé +notothéniidé nototrème notule nouage nouaison nouba noue nouement nouet +noueur nougat nougatine nouille noulet noumène nounat nounou nourrain nourrice +nourrissage nourrissement nourrisseur nourrisson nourriture nouure nouveauté +nouvelliste novacékite novateur novation novelle novellisation novembre novice +novobiocine novocaïne novocaïnisation noyade noyage noyautage noyauteur +noyer noyé noème noèse noégenèse noël nu nuage nuaison nuance nuancement +nubien nubilité nubuck nucelle nuclide nucléaire nucléarisation nucléase +nucléine nucléocapside nucléographie nucléole nucléolyse nucléon nucléonique +nucléophagocytose nucléophile nucléophilie nucléoplasme nucléoprotéide +nucléosidase nucléoside nucléosynthèse nucléotide nucléoïde nuculanidé +nudaria nudibranche nudisme nudiste nudité nue nuisance nuisette nuisibilité +nuit nuitée nul nullard nulle nullipare nulliparité nullité numbat numide +numismate numismatique nummulaire nummulite nummulitique numéraire numérateur +numéricien numérisation numériseur numéro numérologie numérologue numérotage +numéroteur nunatak nunchaku nuncupation nuptialité nuque nurse nursing +nutriant nutriment nutripompe nutrition nutritionniste nuée nyala nyctaginacée +nyctalope nyctalophobe nyctalophobie nyctalopie nycthémère nyctibiidé +nyctinastie nyctipithèque nyctophile nyctophonie nycturie nyctéribie nyctéridé +nymphale nymphalidé nymphe nymphette nymphomane nymphomaniaque nymphomanie +nymphose nymphotomie nymphula nymphuliné nymphéa nymphéacée nymphée nyroca +nyssorhynque nystagmographie nystatine nèfle nègre nèpe néandertalien +néant néanthropien néantisation néarthrose nébalie nébrie nébuleuse +nébulisation nébuliseur nébulosité nécatorose nécessaire nécessitarisme +nécrobie nécrobiose nécrode nécrologe nécrologie nécrologue nécromancie +nécromant nécrophagie nécrophile nécrophilie nécrophobe nécrophobie nécrophore +nécropsie nécroscie nécroscopie nécrose nécrospermie nécrotactisme nécrotoxine +néerlandophone néflier négateur négatif négation négationnisme négationniste +négative négativisme négativiste négativité négaton négatoscope négentropie +négligent négligé négoce négociabilité négociant négociateur négociation +négrerie négrier négril négrille négrillon négritude négro négron négroïde +négundo nélombo némale némalion némastome némate némathelminthe nématicide +nématoblaste nématocyste nématocère nématocécidie nématode nématodose +nématoïde némerte némertien némestrine némobie némognathe némophore némopode +némoure néméobie néméophile nénette nénuphar néo néo-calédonien néo-guinéen +néoartisan néoatticisme néoattique néoblaste néocapitalisme néocapitaliste +néocatholique néochristianisme néochrétien néoclassicisme néoclassique +néocolonialiste néocomien néoconfucianisme néoconfucianiste néoconservatisme +néocriticisme néocriticiste néocrâne néocyte néocytophérèse néocytémie +néodamode néodarwinien néodarwinisme néodarwiniste néofascisme néofasciste +néogenèse néoglucogenèse néoglycogenèse néognathe néogrammairien néogène +néohégélien néojacksonisme néokantien néokantisme néolamarckien néolamarckisme +néolipogenèse néolithique néolithisation néologie néologisme néomalthusianisme +néomembrane néomercantilisme néomercantiliste néomortalité néomutation +néoménie néoménien néon néonatalogie néonatologie néonatomètre néonazi +néopaganisme néopallium néopentane néopentyle néopentylglycol +néophobie néophyte néopilina néoplasie néoplasme néoplasticien néoplasticisme +néoplatonicien néoplatonisme néopositivisme néopositiviste néopoujadisme +néoprimitiviste néoprotectionnisme néoprotectionniste néoprène néoptère +néopythagoricien néopythagorisme néorickettsie néorickettsiose néornithe +néoromantisme néoréalisme néoréaliste néosalpingostomie néosensibilité +néostalinien néostigmine néostomie néotectonique néothomisme néothomiste +néottie néotène néoténie néovirion néovitalisme néovitaliste néozoïque néper +néphralgie néphrangiospasme néphrectasie néphrectomie néphrectomisé néphridie +néphroblastome néphrocalcinose néphrocarcinome néphrocèle néphrogramme +néphrolithe néphrolithiase néphrolithomie néphrolithotomie néphrologie +néphrolyse néphrome néphromixie néphron néphronophtise néphropathie +néphrophtisie néphroplastie néphroplicature néphroptose néphroptôse +néphrorragie néphrorraphie néphrosclérose néphroscope néphrose néphrosialidose +néphrostomie néphrotomie néphrotomographie néphrotoxicité néphéline +néphélion néphélomètre néphélométrie néphélémètre néphélémétrie népidé +népouite népète népétalactone néral nérinée nérinéidé nérite néritidé néritine +néroli nérolidol néroline néréide nésidioblastome nésidioblastose nésogale +névralgie névralgisme névraxe névraxite névrectomie névrilème névrite +névrodermite névroglie névrologie névrome névropathe névropathie +névroptère névroptéroïde névrose névrosisme névrosthénique névrosé névrotomie +oasien oaxaquénien oba obel obi obier obisium obit obitoire obituaire +objectif objection objectité objectivation objectivisme objectiviste +objet objurgation oblade oblat oblation oblativité oblature obligataire +obligeance obligé oblique obliquité oblitérateur oblitération obnubilation +obrium obscurantisme obscurantiste obscurcissement obscurité obscénité +observance observant observateur observation observatoire obsession obsidienne +obstacle obstination obstiné obstipum obstruction obstructionnisme +obstétricien obstétrique obsécration obsédé obséquiosité obtenteur obtention +obturation obtusion obtusisme obusier obverse obèle obèse obédience +obéissance obélie obélisque obérée obésité ocarina occamisme occamiste occase +occasionnalisme occasionnaliste occemyia occidentalisation occidentalisme +occiput occitan occitanisme occitaniste occlusion occlusive occlusodontie +occultation occulteur occultisme occultiste occupant occupation occurrence +ocelot ochlocratie ochopathie ochotonidé ochronose ochthébie ocimène ocinèbre +ocrerie octacnémide octadécane octane octanoatémie octanol octant octave +octavon octaèdre octaédrite octet octidi octobothrium octobre octocoralliaire +octogel octogone octogène octogénaire octolite octonaire octopode octostyle +octroi octuor octuple octyle octyne octynoate oculaire oculariste oculiste +oculographie oculogyre oculogyrie oculomancie oculomotricité ocypodidé +océan océanaute océane océanide océanien océanisation océanite océanitidé +océanographe océanographie océanologie océanologue océnèbre odacanthe +oddipathie oddite ode odelette odeur odobénidé odographe odoliométrie odomètre +odonate odonatoptère odontalgie odontalgiste odontaplasie odontaspidé +odontocie odontocète odontogénie odontolite odontologie odontologiste odontome +odontornithe odontorragie odontosia odontostomatologie odontotarse +odontoïde odorat odorisation odoriseur odostomia odynophagie odyssée odéon +oecologie oecophylle oecuménicité oecuménisme oecuméniste oeda oedicnème +oedipisme oedipode oedomètre oedométrie oedème oedémagène oeil oeillade +oeillet oeilleteuse oeilleton oeilletonnage oeillette oeillère oekoumène +oenanthe oenilisme oenochoé oenolature oenolisme oenologie oenologue oenolé +oenomanie oenomètre oenométrie oenotechnie oenothera oenothèque oenothère +oersted oerstite oesocardiogramme oesoduodénostomie oesofibroscope +oesogastroduodénofibroscopie oesogastroduodénoscopie oesogastrostomie +oesophage oesophagectomie oesophagisme oesophagite oesophagofibroscope +oesophagomalacie oesophagoplastie oesophagorragie oesophagoscope +oesophagostomie oesophagotomie oesophagotubage oestradiol oestradiolémie +oestranediol oestre oestridé oestriol oestrogène oestrogénie +oestrone oestroprogestatif oestroïde oestroïdurie oeuf oeufrier oeuvre offense +offensive offensé offertoire office officialisation officialité officiant +officiel officier officine offlag offrande offrant offre offreur offrétite +oflag ogac ogdoédrie ogive ognette ogre ohm ohmmètre oie oignon oignonade +oikiste oille oing oint oisanite oiselet oiseleur oiselier oiselle oisellerie +oisillon oisiveté oison oithona okapi okenia okoumé okénie okénite oldhamite +olfaction olfactogramme olfactomètre olfactométrie oliban olide olifant +oligarque oligiste oligoanurie oligoarthrite oligoasthénospermie oligochète +oligocranie oligocytémie oligocène oligodactylie oligodendrocyte +oligodendroglie oligodendrogliome oligodipsie oligohydramnie oligohémie +oligomimie oligomère oligoménorrhée oligomérisation oligoneure oligonucléotide +oligonéphronie oligopeptide oligophagie oligophrène oligophrénie oligopnée +oligopolisation oligopsone oligosaccharide oligosaccharidose +oligosialie oligosidérémie oligospanioménorrhée oligospermie oligote +oligotriche oligotrichie oligoélément oligurie olingo oliphant olistolite +olivaison olive olivella oliveraie olivet olivette oliveur olividé olivier +olivénite olivétain olmèque olographie olympe olympiade olympionique olympisme +oléanane oléandomycine oléandre oléastre oléate olécranalgie olécrane olécrâne +oléiculteur oléiculture oléine oléobromie oléoduc oléolat oléome oléomètre +oléostéarate oléum omacéphale omalgie omalium omarthrose ombellale ombelle +ombelliféracée ombelliférone ombellule ombilic ombilicale ombilication omble +ombrage ombre ombrelle ombrette ombrien ombrine ombrée ombudsman omelette +omentum omission ommatidie ommatostrèphe omnipotence omnipraticien +omniscience omnium omophagie omophle omophron omoplate omphacite omphalectomie +omphalocèle omphalomancie omphalopage omphalorragie omphalosite omphalotomie +omphrale onagracée onagraire onagrariacée onagrariée onagre onanisme onaniste +onchocerca onchocercome onchocercose onchocerque onciale oncille oncle +oncocytome oncodidé oncogenèse oncographie oncogène oncolite oncolithe +oncologiste oncologue oncolyse oncomètre oncoprotéine oncorhynque oncose +oncosuppression oncotropisme oncoïde onction onctuosité ondatra onde ondelette +ondin ondinisme ondoiement ondulateur ondulation onduleur onduleuse ondée +ongle onglet onglette onglier onglon onglée onguent onguicule onguiculé ongulé +onirisme onirocrite onirodynie onirogène onirologie onirologue oniromancie +onirothérapie oniscien oniscoïde onomancie onomasiologie onomastique +onomatopée ontarien ontogenèse ontogénie ontogénèse ontologie ontologisme +ontophage ontophile onychalgie onycharthrose onychatrophie onychodactyle +onychodysmorphie onychodystrophie onychogale onychographe onychographie +onychogrypose onychologie onycholyse onychomalacie onychomycose onychopathie +onychophore onychoptose onychoptôse onychorrhexie onychoschizie onychose +onzain onzième onérosité oocinète oocyste oocyte oodinium oogamie oogenèse +oogonie oolite oolithe oomancie oophage oophagie oophoralgie oophorectomie +oophorome oophororraphie ooscopie oosphère oospore oosporose oothèque oozoïde +opacification opacimétrie opacité opah opale opalescence opaline opalisation +ope open openfield operculage operculaire opercule ophiase ophicalcite +ophicéphale ophiderpéton ophidien ophidiidé ophidion ophidioïde ophidisme +ophioderme ophioglosse ophiographie ophiolite ophiologie ophiolâtrie +ophiomyie ophion ophionea ophisaure ophisure ophite ophiure ophiuride +ophone ophryodendron ophtalmalgie ophtalmia ophtalmie ophtalmite +ophtalmodynamomètre ophtalmodynamométrie ophtalmodynie ophtalmographie +ophtalmologiste ophtalmologue ophtalmomalacie ophtalmomycose ophtalmomycétide +ophtalmométrie ophtalmopathie ophtalmophora ophtalmoplastie ophtalmoplégie +ophtalmoscopie ophtalmostat ophtalmotomie ophélie ophélimité opiacé opiat +opilo opinel opinion opiniâtreté opiomane opiomanie opiophage opiophagie +opisthobranche opisthocomidé opisthodome opisthognathisme opisthoprocte +opium oplure opocéphale opodermie opodyme opomyze oponce opontiacée opossum +oppelia oppidum opportunisme opportuniste opportunité opposabilité opposant +oppositionisme oppositionnel opposé oppresseur oppression opprimé opprobre +opsiurie opsoclonie opsoménorrhée opsonine opsonisation optant optatif +optimalisation optimalité optimate optimisation optimisme optimiste optimum +optique optomètre optométrie optométriste optotype optoélectronique optronique +opuntia opuscule opéra opérabilité opérande opérateur opération +opérationnaliste opérationnisme opérationniste opérativité opérette opéron +or oracle orage oraison orale oralité orang orange orangeade orangeat oranger +orangerie orangette orangisme orangiste orangite orangé orant orateur oratoire +oratorio orbe orbiculine orbitale orbite orbiteur orbitographie orbitoline +orbitonométrie orbitotomie orbitoïde orbitèle orcanette orcanète orcelle +orcheste orchestie orchestique orchestrateur orchestration orchestre +orchialgie orchidacée orchidectomie orchidodystrophie orchidomètre +orchidophile orchidophilie orchidoptose orchidoptôse orchidorraphie +orchidovaginopexie orchidée orchiocèle orchiotomie orchite orchésie +orcine orcinol ordalie ordanchite ordi ordinaire ordinand ordinant ordinariat +ordination ordinogramme ordonnance ordonnancement ordonnancier ordonnateur +ordovicien ordre ordure oreillard oreille oreiller oreillette oreillon orellia +orf orfraie orfroi orfèvre orfèvrerie organdi organe organelle organicien +organiciste organicité organier organigramme organisateur organisation +organisme organiste organite organochloré organodynamisme organodysplasie +organogenèse organographie organogénie organogénèse organogénésie organologie +organopathie organophosphoré organosilicié organosol organothérapie +organsin organsinage organsineur orgasme orge orgeat orgelet orgie orgiophante +orgueil orgyie oria oribate oribi orichalque oriel orient orientabilité +orientaliste orientation orientement orienteur orifice oriflamme origami +originalité origine origénisme origéniste orillon orin oriolidé orière orle +orléanisme orléaniste ormaie orme ormet ormier ormille ormoie ormyre orne +ornement ornementale ornementation ornithine ornithischien ornithocheire +ornithogale ornithologie ornithologiste ornithologue ornithomancie ornithomyie +ornithoptère ornithorynque ornithose ornière orniérage ornéode ornéodidé +orobanche orobe orogenèse orographie orogène orogénie orogénèse orologie +oronge oronyme oronymie orosomucoïde orosumocoïde orothérapie oroticurie +orpaillage orpailleur orphanie orphelin orphelinage orphelinat orphie orphisme +orphéon orphéoniste orphéotéleste orpiment orpin orque orseille ortalidé +orthacousie orthicon orthite orthoacide orthoacétate orthoarséniate +orthoborate orthocarbonate orthocentre orthochromatisme orthoclase orthocère +orthodiagramme orthodiagraphie orthodiascopie orthodontie orthodontiste +orthodoxe orthodoxie orthodromie orthoester orthoformiate orthogenèse +orthognathisme orthognatisme orthogonalisation orthogonalité orthographe +orthogénie orthogénisme orthogénèse orthohydrogène orthohélium orthomorphie +orthométrie orthonectide orthopantomograph orthopantomographie orthophonie +orthophorie orthophosphate orthophotographie orthophragmine orthophrénie +orthophyre orthopie orthopnée orthopsychopédie orthoptie orthoptique +orthoptère orthoptéroïde orthopyroxénite orthopédie orthopédiste orthoraphe +orthoscopie orthose orthosie orthosilicate orthostate orthostatisme orthotome +orthoépie orthèse orthézie ortie ortolan orvale orvet orviétan orycte +oréade orée oréodonte oréopithèque oréotrague osazone oscabrion oscar +oschéoplastie oschéotomie oscillaire oscillateur oscillation oscillatrice +oscillographe oscillomètre oscillométrie oscillopie oscillopsie oscilloscope +oscine oscinelle oscinie osculation oscule ose oseille oseraie oside osier +osiériculture osmhidrose osmiamate osmiate osmidrose osmie osmiridium osmiure +osmolarité osmole osmomètre osmométrie osmonde osmonocivité osmorécepteur +osmyle osméridé osone osphradie osphrésiologie osque ossature osselet ossement +ossicule ossiculectomie ossification ossifrage ossuaire ossète osséine ostade +ostensibilité ostension ostensoir ostentation osteospermum ostiak ostinato +ostiole ostique ostoclaste ostracionidé ostracisme ostracode ostracoderme +ostrogot ostrogoth ostréiculteur ostréiculture ostréidé ostyak ostéalgie +ostéichtyen ostéite ostéoarthrite ostéoblaste ostéoblastome ostéocalcine +ostéochondrodysplasie ostéochondrodystrophie ostéochondromatose ostéochondrome +ostéochondrose ostéoclasie ostéoclaste ostéoclastome ostéocrâne ostéocyte +ostéodynie ostéodysplasie ostéodysplastie ostéodystrophie ostéofibromatose +ostéogenèse ostéoglossidé ostéogénie ostéolithe ostéologie ostéologue +ostéolépiforme ostéomalacie ostéomarmoréose ostéomatose ostéome ostéomyélite +ostéomyélome ostéomyélosclérose ostéone ostéonécrose ostéonévralgie ostéopathe +ostéophlegmon ostéophone ostéophyte ostéophytose ostéoplasie ostéoplaste +ostéopoecilie ostéoporomalacie ostéoporose ostéopsathyrose ostéopédion +ostéopériostite ostéopétrose ostéoradionécrose ostéosarcome ostéosclérose +ostéose ostéostracé ostéostéatome ostéosynthèse ostéotome ostéotomie +ostéoïdose otage otala otalgie otarie otariidé otavite othématome oticodinie +otididé otiorhynque otite otitidé otoconie otocopose otocyon otocyste +otodynie otolithe otolithisme otologie otologiste otomastoïdite otomi +otomyiné otopathie otoplastie otorhino otorragie otorrhée otosclérose otoscope +otospongiose ototoxicité otterhound ottoman ottomane ottrélite ouabagénine +ouaille ouakari ouananiche ouaouaron ouarine ouatage ouate ouaterie ouatier +oubli oublie oubliette ouche oued ougrien ouguiya ouillage ouillière ouillère +oukase oulice oullière oulmière ouléma ounce ouolof ouragan ourdissage +ourdissoir ourlet ourleuse ourse oursin ourson outarde outil outillage +outlaw outplacement output outrage outrance outre outrecuidance outremer +outsider ouvala ouvarovite ouvert ouverture ouvrabilité ouvrage ouvraison +ouvreur ouvreuse ouvrier ouvrière ouvriérisme ouvriériste ouvroir ouwarowite +ouzbèque ouzo ouïe ouïghour ouïgour ovaire ovalbumine ovale ovalisation +ovalocytose ovarialgie ovariectomie ovariocèle ovariolyse ovariosalpingectomie +ovariotomie ovarite ovate ovation ove overdamping overdose overdrive overshoot +ovicapre ovicide oviducte ovidé ovigère ovin oviné ovipare oviparité +oviposition oviscapte ovni ovoculture ovocyte ovogenèse ovogonie ovologie +ovovivipare ovoviviparité ovulation ovule owtchar owyhéeite owénisme oxacide +oxalamide oxalate oxalide oxalorachie oxalose oxalurie oxalyle oxalémie +oxammite oxanne oxazine oxazole oxazolidine oxazoline oxford oxfordien +oximation oxime oxindole oxinne oxiranne oxoacide oxole oxonium oxyacide +oxyammoniaque oxybromure oxybèle oxycarbonisme oxycarbonémie oxycarène +oxychlorure oxycodone oxycoupage oxycoupeur oxycrat oxycyanure oxycytochrome +oxydabilité oxydant oxydase oxydation oxyde oxydimétrie oxydone oxydoréductase +oxydoréduction oxydécoupage oxydérurgie oxyfluorure oxygénase oxygénateur +oxygénopexie oxygénothérapie oxyhémoglobine oxyiodure oxylithe oxyluciférine +oxymore oxymoron oxymyoglobine oxymétrie oxyna oxyologie oxyome oxyope +oxypleure oxypode oxypore oxypropane oxyptile oxyrhine oxyrhynque oxysel +oxyséléniure oxythyrea oxytocine oxyton oxytonisme oxytriche oxytèle +oxyurase oxyure oxyurose oxétanne oyapok oyat ozalid ozobranche ozobromie +ozokérite ozonateur ozonation ozone ozoneur ozonide ozonisateur ozonisation +ozonolyse ozonomètre ozonométrie ozonoscope ozonosphère ozonothérapie ozotypie +oïdie oïdiomycose oïdium oïkopleura pa paca pacage pacane pacanier pacarana +pacfung pacha pachalik pachnolite pachomètre pachtou pachyblépharose +pachychoroïdite pachycurare pachycéphalie pachydermatocèle pachyderme +pachydermocèle pachydermopériostose pachyglossie pachygnathe pachylomme +pachymorphe pachymètre pachyméninge pachyméningite pachyonychie +pachype pachypleurite pachypodium pachypériostose pachyrhine pachysalpingite +pachyte pachyure pachyvaginalite pachyvaginite pachyvalginalite pachée +pacification pacifique pacifisme pacifiste pack package packageur packaging +packing paco pacotille pacquage pacqueur pacsif pacson pacte pactole padda +paddock padicha padichah padine padischah padishah padouage padouan padouane +paediatrie paediomètre paedomètre paedère paella pagaie pagaille pagailleur +paganisme pagaye pagayeur pagaïe page pageant pagel pagelle pageot pagination +pagnon pagnot pagode pagodon pagodrome pagolite pagophile pagoscope pagre +pagésie pahari pahic paiche paidologie paie paiement paierie paillage paillard +paillasse paillasson paillassonnage paille pailler paillet pailletage +paillette pailleur paillole paillon paillot paillote paillotte paillé pain +pairage paire pairesse pairie pairle paissance paisselage paisson pajot pal +palabre palace palache palade paladin palafitte palagonite palaille +palamisme palamite palan palanche palancre palangre palangrotte palanque +palanquée palançon palaquium palastre palatabilité palatale palatalisation +palatinat palatine palatite palatogramme palatographie palatoplastie +pale palefrenier palefroi paleron palestinien palestre palestrique palet +paletot palette palettisation palettiseur paliacousie palicare palicinésie +palification paligraphie palikare palikinésie palilalie palilogie palimpseste +palingénie palingénésie palinodie palinodiste palinopsie palinphrasie +paliopsie palissade palissadement palissage palissandre palisson palissonnage +palisyllabie paliure palière palladianisme palladichlorure palladoammine +palladocyanure palladonitrite palladure pallanesthésie palle pallesthésie +pallidectomie pallidum pallikare pallium pallotin palmacée palmaire palmarium +palme palmer palmeraie palmette palmier palmipède palmiste palmitate palmite +palmityle palmiérite palmospasme palmoxylon palmure palolo palombe palombette +palombière palomière palommier palomète palonnier palot palotage paloteur +palpabilité palpateur palpation palpe palpeur palpicorne palpigrade palpitant +palplanche palquiste palse paltoquet paluche palud paludarium palude paluderie +paludier paludine paludisme paludologie paludologue paludométrie +paludéen palygorskite palynologie palynologue palâtre palé paléanodonte +paléchinide palée palémon palémonidé paléoanthropobiologie +paléobiogéographie paléobotanique paléobotaniste paléocarpologie paléocervelet +paléoclimatologie paléoclimatologue paléocytologie paléocène paléodictyoptère +paléodémographie paléoenvironnement paléoethnologie paléognathe paléographe +paléogène paléogéographie paléohistologie paléohétérodonte paléole +paléomagnétisme paléomastodonte paléonationalisme paléonisciforme +paléontologie paléontologiste paléontologue paléopathologie +paléophytologie paléoptère paléorelief paléosensibilité paléosol paléosome +paléotempérature paléothérium paléoxylologie paléozoologie paléozoologiste +paléoécologie palétuvier pamelier pampa pampero pamphage pamphile pamphlet +pampille pamplemousse pamplemoussier pampre pampéro pan panabase panachage +panachure panacée panade panafricanisme panafricaniste panagée panama panamien +panaméricanisme panaméricaniste panangéite panaortite panarabisme panard +panarthrite panartérite panasiatisme panatela panatella panca pancake +pancalisme pancardite pancartage pancarte pancerne pancetta panchlore pancho +panchondrite panclastite pancosmisme pancrace pancratiaste pancréatectomie +pancréatine pancréatite pancréatographie pancréatolyse pancréatostomie +pancréozymine pancytopénie panda pandaka pandiculation pandionidé pandit +pandorina pandour pandoure pandémie pandémonium panel paneliste panencéphalite +panesthie paneterie panetier panetière paneton paneuropéanisme pangeria +pangermaniste pangolin pangonie panhellénisme panhypercorticisme +panhémocytophtisie panhémolysine panic panicaut panicule panicum panier +paniléite paniquard panique panislamisme panislamiste panière panjurisme panka +panlogisme panmastite panmixie panmyélophtisie panmyélopénie panmyélose panne +panneauteur panneauteuse panneton pannetonnage panniculalgie pannicule +pannomie pannonien panné panophtalmie panophtalmite panoplie panoptique +panoramique panorpe panosse panostéite panoufle panphlegmon +panpsychisme pansage panse pansement panserne panseur panseuse pansexualisme +pansinusite panslavisme panslaviste panspermie panspermisme pantalon +pantalonnier pante pantellérite pantenne panthère panthéisme panthéiste +pantin pantière pantodon pantodonte pantographe pantograveur pantoire +pantomètre pantophobie pantopode pantothérien pantouflage pantouflard +pantouflerie pantouflier pantoum pantre panty pantène pantéthéine panure +panvascularite panzer panégyrie panégyrique panégyriste panéliste paon +papa papalin papangue papauté papaver papavéracée papavérine papaye papayer +pape papegai papelard papelardise paperasse paperasserie paperassier papesse +papetier papi papier papilionacée papilionidé papille papillectomie papillite +papillome papillon papillonnage papillonnement papillonneur papillorétinite +papillotage papillote papillotement papilloteuse papillotomie papion papisme +papolâtrie papotage papou papouille paprika papule papulose papyrologie +paquage paquebot paquet paquetage paqueteur paqueur par para paraballisme +parabate parabellum parabiose parabole parabolique paraboloïde paraboulie +paracarence paracentre paracentèse parachimie parachronisme parachutage +parachutisme parachutiste parachèvement paraclet paracoccidioïdose paracolite +paracousie paracoxalgie paracrinie paracystite paracéphale paracétamol +parade paradentome paradeur paradiaphonie paradichlorobenzène paradigmatique +paradisia paradisier paradiste paradiséidé paradière paradoxe paradoxie +paradoxologie paradoxornithidé paraesthésie parafango parafe parafeur +paraffine paraffinome parafibrinogénémie parafiscalité paraformaldéhyde +paragangliome parage paragenèse paragnathe paragnosie paragoge paragonimiase +paragonite paragrammatisme paragranulome paragraphe paragraphie paragrêle +paragueusie paragénésie parahydrogène parahélium parahémophilie parahôtellerie +parakinésie parakératose paralalie paralangage paralaurionite paraldéhyde +paralittérature paraliturgie parallaxe parallergie parallèle parallélisation +parallélisme parallélogramme parallélokinésie parallélépipède paralogisme +paralysie paralysé paralytique paralégalité paralépididé paramagnétisme +paramidophénol paramimie paraminophénol paramnésie paramorphine paramorphisme +paramycétome paramylose paramyoclonie paramyotonie paramyélocyte +paramètre paramécie paramélaconite paramétabolite paramétrage paramétrisation +paraneige parangon parangonnage parano paranoia paranomia paranoïa paranoïaque +paranthélie paranymphe paranète paranéoptère paranéphrite paranévraxite +parapareunie paraparésie parapegme parapente parapentiste parapet +parapharmacie paraphasie paraphe paraphernalité parapheur paraphilie +paraphonie paraphrase paraphraseur paraphrasie paraphrène paraphrénie +paraphylaxie paraphyse paraphémie parapithèque paraplasma paraplasme parapluie +paraplégique parapneumolyse parapode parapodie parapraxie paraprotéine +paraprotéinurie paraprotéinémie parapsidé parapsychologie parapsychologue +paraquat pararickettsie pararickettsiose pararosaniline pararthropode +pararéflexe parascience parascève parasexualité parasitage parasite +parasitisme parasitologie parasitologiste parasitologue parasitophobie +parasitoïde parasitémie parasol parasoleil parasolier parasomnie paraspasme +parastade parastate parasuchien parasymbiose parasympathicotonie +parasympatholytique parasympathome parasympathomimétique parasynonyme +parasystolie parasème parasélène parasémie parataxe parataxie paratexte +parathion parathormone parathymie parathyphoïde parathyrine parathyroïde +parathyroïdite parathyroïdome parathyréose paratomie paratonie paratonnerre +paratuberculine paratuberculose paratyphique paratyphlite paratyphoïde +paravaccine paravalanche paravane paravariole paravent paraventriculaire +paraxanthine parazoaire parc parcage parcellarisation parcelle parcellement +parche parchemin parcheminerie parcheminier parchet parcimonie parclose +parcomètre parcotrain parcoureur parcouri pardalote pardelle pardon pardose +parefeuille pareil parement parementure parenchyme parent parentage parenthèse +parenthétisation parentèle parenté paresse paresthésie pareur pareuse parfait +parfileur parfum parfumerie parfumeur pargasite parhélie pari paria pariade +parian paridensité paridigitidé paridigité paridé parieur parigot pariné +parisianisme parisien parisite paritarisme parité pariétaire pariétale +pariétite pariétographie parjure parka parking parkinson parkinsonien +parlage parlant parlement parlementaire parlementarisation parlementarisme +parleur parloir parlote parlotte parlure parlé parmacelle parme parmentier +parmesan parmène parmélie parnasse parnassien parodie parodiste parodonte +parodontologie parodontolyse parodontose paroi paroir paroisse paroissien +parole paroli parolier paromphalocèle paronomase paronychie paronyme paronymie +parophtalmie paropsie parorchidie parorexie parosmie parostite parostéite +parotidectomie parotidite parotidomégalie parousie paroxysme paroxyton +parpaillot parpaing parpelette parque parquet parquetage parqueterie +parqueteuse parquetier parqueur parquier parr parrain parrainage parricide +parsec parsi parsisme parsonsite part partage partageant partance partant +partenariat parterre parthénocarpie parthénogenèse parthénologie +parti partialité participant participation participationniste participe +particularisme particulariste particularité particule particulier partie +partielle partigène partinium partisan partita partiteur partitif partition +parton partousard partouse partouseur partouzard partouze partouzeur partule +parturition parulidé parulie parure parurerie parurier parution parvenu +paryphanta parâtre parèdre parère paréage parégorique paréiasaure paréidolie +parélie parémiaque parémiologie parémiopathie paréo parésie pasang pascal +pascoïte pasimaque paso pasolinien pasquin pasquinade passacaille passade +passager passalidé passant passation passavant passe passe-droit passe-lien +passe-muraille passe-plat passement passementerie passementier passepoil +passerage passerelle passeresse passerie passeriforme passerillage passerine +passerose passette passeur passif passifloracée passiflore passiflorine +passion passioniste passionnaire passionnette passionniste passionné +passivité passoire passé passée passéisme passéiste passériforme pastel +pastelliste pastenague pasteur pasteurella pasteurellose pasteurien +pasteurisation pastiche pasticheur pastilla pastillage pastille pastilleur +pastorale pastoralisme pastorat pastorien pastorisme pastourelle pastèque pat +patache patachier patachon pataclet patagium patagon pataphysique patapouf +patard patarin patate pataud pataugeage pataugement pataugeoire pataugeur +patchouli patchoulol patchwork patelette patelin patelinage patelinerie +patellaplastie patelle patellectomie patellidé patellite patelloplastie +patente patenté patenôtre patenôtrier paternage paternalisme paternaliste +paternité pathergie pathie pathogenèse pathognomonie pathogénicité pathogénie +pathologie pathologiste pathomimie pathopharmacodynamie pathophobie pathétisme +patient patin patinage patine patinette patineur patinoire patio patoche +patouillard patouille patraque patriarcat patriarche patrice patriciat +patriclan patrie patrimoine patrimonialisation patrimonialité patriotard +patriotisme patristique patroclinie patrologie patron patronage patronat +patronnage patronne patronnier patronome patronyme patrouille patrouilleur +pattemouille pattern pattinsonage pattière patudo paturon patène patère +paulette paulinien paulinisme pauliste paulownia paume paumelle paumier +paumé paupiette paupière paupoire paupérisation paupérisme pauropode pausaire +paussidé pauvre pauvresse pauvret pauvreté pauxi pavage pavane pavement paveur +pavier pavillon pavillonnerie pavillonneur pavlovisme pavoisement pavor pavot +pavée paxille payant paye payement payeur paysage paysagisme paysagiste paysan +paysannerie païen pearcéite peaucier peaufinage peausserie peaussier pecan +peccadille pechblende pechstein peck pecnot pecquenaud pecquenot pecten +pectine pectinidé pectiné pectisation pectographie pectolite pectoncle +pectose pedigree pedum pedzouille peeling pegmatite peignage peigne +peigneur peigneuse peignier peignoir peignure peigné peignée peille peinard +peintre peinturage peinture peinturlurage peinturlure pelade peladoïde pelage +pelain pelanage pelard pelette peleuse pelisse pellagre pelle pellet pelletage +pelleteur pelleteuse pelletier pelletière pelletiérine pelletée pelleversage +pelliculage pellicule pelmatozoaire pelomyxa pelotage pelotari pelote peloteur +peloton pelotonnage pelotonnement pelotonneur pelotonneuse pelousard pelouse +peltaste pelte peltidium peltogaster peltogyne peluchage peluche pelure +pelvicellulite pelvigraphie pelvilogie pelvimètre pelvimétrie pelvipéritonite +pelvisupport pelé pemmican pemphigidé pemphigoïde pemphredon penalty penard +pendage pendaison pendant pendard pendeloque pendentif penderie pendeur +pendjhabi pendoir pendu pendule pendulette penduleur pendulier penduline +pennage pennatulacé pennatulaire pennatule pennatulidé penne pennella pennine +pennsylvanien penon penseur pension pensionnaire pensionnat pensionné pensum +pentaalcool pentabromure pentachlorophénol pentachlorure pentacle pentacorde +pentacrine pentacrinite pentactula pentadiène pentadécagone pentadécane +pentadécylpyrocatéchol pentagone pentalcool pentalogie pentamidine pentamère +pentaméthylène pentaméthylènediamine pentaméthylèneglycol pentane pentanediol +pentanol pentanone pentaploïdie pentapodie pentapole pentaptyque pentarchie +pentasomie pentastome pentastomide pentastomose pentastyle pentasulfure +pentateuque pentathionate pentathlon pentathlonien pentatome pentatomidé +pentaérythritol pente pentecôte pentecôtisme pentecôtiste penthine +penthière penthode penthotal pentite pentitol pentière pentlandite +pentode pentodon pentol pentolite pentosanne pentose pentoside pentosurie +pentryl penture pentyle pentène pentère pentécontarque pentécostaire +pentétéride peppermint pepsine pepsinurie peptide peptisation peptogène +peptone peptonisation peracide peranema perarséniate perborate perbromure +percalinage percaline percalineur perce perce-lettre perce-oreille percement +percepteur perceptibilité perception perceptionnisme perceptionniste +perceur perceuse perchage perche percheron perchette perchiste perchlorate +perchlorure perchloryle perchoir perché perchée percidé perciforme percnoptère +percolation percomorphe percopsidé percoïde percussion percussionniste +percylite percée perdant perdicarbonate perditance perdition perdrigon perdu +perfectif perfection perfectionnement perfectionnisme perfectionniste +perfecto perfide perfidie perfo perforage perforateur perforation perforatrice +perforeuse performance performatif perfuseur perfusion pergola pergélisol +pericerya peringia periodate periodure perkinsiella perlaboration perlage +perle perlier perlite perlocution perloir perlon perlot perlouse perlouze +perlure perlèche perlé permafrost permalloy permanence permanencier permanent +permanentiste permanganate perme permien permission permissionnaire +permittivité permolybdate permonocarbonate permutabilité permutant permutation +perméamètre perméance perméase perméat perméation pernambouc pernette +perniciosité pernion perniose peronospora peroxoacide peroxyacide peroxydase +peroxyde peroxysel peroxysome perpendiculaire perpendicularité perphosphate +perplexité perpétration perpétuation perpétuité perquisition perquisitionneur +perreyeur perrisia perrière perron perroquet perruche perruquage perruque +perruquier perré persan perse persel persicaire persicot persiennage persienne +persifleur persil persillade persilleuse persillère persillé persimmon +personale personnage personnalisation personnalisme personnaliste personnalité +personnel personnification personée persorption perspective perspectivisme +perspicacité perspiration persuasion persulfate persulfuration persulfure +persécution persécuté perséite perséulose persévérance persévérant +perte perthite pertinence pertitanate pertuisane pertuisanier perturbateur +pervenche perversion perversité perverti pervertissement pervertisseur +pervibrateur pervibration perçage perçoir pesade pesage pesant pesanteur +pesette peseur pesewa peshmerga peso peson pessaire pesse pessimisme +pessière peste pestiche pesticide pesticine pestiféré pestilence +pesva pesée pet petiot petit petitesse peton petrea petzite petzouille +peul peulven peuplade peuple peuplement peupleraie peuplier peur pexie peyotl +pfennig phacelia phacochère phacocèle phacolyse phacomalacie phacomatose +phacomètre phacophagie phacopidé phacosclérose phacoémulsification phaeochrome +phaeodarié phage phagocytage phagocyte phagocytome phagocytose phagolysosome +phagosome phagotrophe phagotrophie phagédénisme phakolyse phakoscopie +phalangarque phalange phalanger phalangette phalangide phalangine +phalangiste phalangose phalangère phalangéridé phalangéroïde phalanstère +phalarope phaleria phalline phallisme phallo phallocentrisme phallocrate +phallocratisme phallophore phallostéthidé phalène phalère phanatron phaner +phantasme phanère phanée phanérogame phanérogamie phanérogamiste phanéroglosse +phaonie pharaon phare pharillon pharisaïsme pharisien pharmaceutique pharmacie +pharmacocinétique pharmacodynamie pharmacodynamique pharmacodépendance +pharmacogénétique pharmacolite pharmacologie pharmacologiste pharmacologue +pharmacopat pharmacophilie pharmacopsychiatrie pharmacopsychologie +pharmacopée pharmacoradiologie pharmacorésistance pharmacosidérite +pharmacothérapie pharmacotoxicologie pharmacovigilance pharmocodépendance +pharyngalisation pharyngectomie pharyngisme pharyngite pharyngobdelle +pharyngographie pharyngomycose pharyngomyie pharyngorragie pharyngosalpingite +pharyngoscopie pharyngostomatite pharyngostomie pharyngotomie pharyngotrème +pharétrone phascogale phascolarctidé phascolome phascolomidé phascolosome +phasemètre phaseur phasianelle phasianidé phasie phasme phasmidé phasmoptère +phaéton pheidole phellandrène phelloderme phelsume phengite phengode +phialidium phibalosome phigalie philander philanthe philanthrope philanthropie +philarète philatélie philatélisme philatéliste philharmonie philhellène +philibeg philine philippin philippique philippiste philistin philistinisme +philocalie philocytase philodendron philodina philodiène philodoxe philologie +philonisme philonthe philophylle philoscia philosophe philosopheur philosophie +philosémite philoxénie philtre philène philépitte phlaeomyiné phlegmasie +phlegmatisation phlegme phlegmon phlogistique phlogopite phloramine +phlorizine phlorétine phlyctène phlycténose phlycténule phlébalalgie +phlébartérie phlébartérite phlébectasie phlébectomie phlébite phlébobranche +phlébodynie phléboedème phlébogramme phlébographie phlébolithe phlébologie +phlébolyse phlébomanomètre phlébonarcose phlébopathie phlébopexie +phlébopiézométrie phléborragie phlébosclérose phlébospasme phlébothrombose +phlébotomie phlée phlégon phléole phléotribe phobie phobique phocaenidé +phocomèle phocomélie phocéen phoenicochroïte phoenicoptère phoenicoptéridé +pholade pholadomyie pholcodine pholidosaure pholidote pholiote pholque +phonasthénie phonation phone phoniatre phoniatrie phonie phono phonocapteur +phonocardiographie phonogramme phonographe phonographie phonogénie phonolite +phonologie phonologisation phonologue phonomètre phonomécanogramme phonométrie +phonophobie phonothèque phonothécaire phonème phonématique phonémique +phonétique phonétisation phonétisme phoque phoquier phorbol phoridé phorie +phormium phormosome phorocère phorodon phorone phoronidien phorozoïde phorésie +phosgénite phosphagène phospham phosphatage phosphatase phosphatasémie +phosphate phosphatide phosphatidémie phosphaturie phosphatémie phosphine +phosphoborate phosphocréatine phosphocérite phosphodiester phosphodiurèse +phosphogypse phosphokinase phospholipase phospholipide phospholipidose +phosphonium phosphoprotéide phosphoprotéine phosphorane phosphorescence +phosphorisation phosphorisme phosphorite phosphorolyse phosphorylase +phosphoryle phosphorémie phosphosidérite phosphosphingoside phosphotransférase +phosphuranylite phosphure phosphène phot photisme photo photo-interprète +photobactérie photobiologie photobiotropisme photoblépharon photocalque +photocathode photocellule photochimie photochimiothérapie photochrome +photocoagulation photocomposeur photocomposeuse photocompositeur +photoconducteur photoconduction photoconductivité photocopie photocopieur +photocopiste photocoupleur photocéramique photodermatose photodermite +photodissociation photodégradation photodésintégration photodétecteur +photofinish photofission photogenèse photoglyptie photogramme photogrammètre +photographe photographie photograveur photogravure photogénie photogéologie +photojournalisme photojournaliste photolecture photolithographie photologie +photolyse photolyte photomacrographie photomaton photomicrographie +photomotographe photomultiplicateur photomètre photométallographie photométrie +photonastie photonisation photopathie photopeinture photophobie photophore +photophosphorylation photopile photopléthysmographie photopodogramme +photoprotection photopsie photopériode photopériodisme photoreportage +photorestitution photoroman photoréaction photoréalisme photorécepteur +photorésistivité photosculpture photosection photosensibilisant +photosensibilité photosphère photostabilité photostat photostoppeur photostyle +phototactisme phototaxie phototeinture photothèque photothécaire photothérapie +phototopographie phototransistor phototraumatisme phototrophie phototropie +phototype phototypie phototégie phototélécopie phototélécopieur +photoélasticimètre photoélasticimétrie photoélasticité photoélectricité +photoélectrothermoplastie photoémission photoémissivité photure phragmatécie +phrase phraser phraseur phrasé phraséologie phratrie phricte phronia phronime +phrygane phrygien phrynodermie phrynoméridé phrynosome phryxe phrénicectomie +phrénite phrénoglottisme phrénologie phrénospasme phrénésie phtalate +phtalide phtalimide phtalonitrile phtaléine phtanite phtiriase phtisie +phtisiologue phtisiothérapie phtisique phycologie phycologue phycomycose +phycophéine phycoxanthine phycoérythrine phylactolème phylactère phylarchie +phylaxie phyllade phyllie phylliroe phyllite phyllobie phyllocaride +phyllode phyllodecte phyllodie phyllodoce phyllodromie phyllognathe +phylloméduse phyllonite phyllonyctériné phylloperthe phyllophage phyllopode +phyllosilicate phyllosome phyllospondyle phyllostomatidé phyllotaxie +phylloxera phylloxéra phyllure phylobasile phylogenèse phylogénie phylum +phymie phyodontie physalie physe physergate physicalisme physicaliste +physicisme physiciste physicochimie physicochimiste physicodépendance +physicothérapie physignathe physiocrate physiocratie physiogenèse +physiognomoniste physiographie physiogénie physiologie physiologisme +physionomie physionomiste physiopathologie physiosorption physiothérapie +physisorption physogastrie physophore physostigma physostome physétéridé +phytate phythormone phytiatre phytiatrie phytine phytobiologie phytobézoard +phytochrome phytocide phytocosmétique phytocénose phytocénotique phytodecte +phytogéographe phytogéographie phytohormone phytohémagglutinine phytol +phytomitogène phytomonadine phytomyze phytomètre phytonome phytoparasite +phytopathologie phytopathologiste phytophage phytopharmaceutique +phytophotodermatite phytophthora phytophtire phytoplancton phytopte phytosaure +phytosociologie phytosociologue phytostérol phytotechnicien phytotechnie +phytothérapie phytotome phytotoxicité phytotoxine phytotron phytozoaire +phène phédon phénacite phénacyle phénakisticope phénakistiscope phénanthridine +phénanthrène phénate phénicien phénicole phénicoptère phénicoptéridé +phénobarbital phénocopie phénogroupe phénogénétique phénol phénolate +phénolstéroïde phénolstéroïdurie phénomène phénoménalisme phénoménaliste +phénoménisme phénoméniste phénoménologie phénoménologue phénoplaste +phénosafranine phénosulfonate phénothiazine phénotypage phénotype phénoxazine +phénylacétonitrile phénylalanine phénylalaninémie phénylamine phénylation +phénylcarbinol phénylcarbylamine phénylchloroforme phénylcétonurie phényle +phénylglycocolle phénylhydrazine phénylhydrazone phénylhydroxylamine +phénylphosphine phénylthiocarbamide phénylurée phényluréthanne phénylène +phényléphrine phényléthanal phényléthanol phényléthanone phényléthylhydantoïne +phénytoïne phénétole phéochromocytome phéophycée phéro-hormone phéromone +piaf piaffement piaffé piaillard piaillement piaillerie piailleur pian pianide +pianiste piano pianoforte pianome pianomisation pianotage piariste piassava +piattole piaule piaulement piazza pibale piballe pibrock pic pica picador +picaillon picard picardan picarel picatharte picathartidé picciniste piccolo +pichet pichi pichiciego picholette picholine picidé piciforme pickerel +picklage pickpocket picnite picolet picoleur picoline picolo picoseconde picot +picote picotement picoteur picotin picotite picouse picouze picpouille picpoul +picral picramide picramine picrate picridium picrite picrocrocine picromérite +picryle pictogramme pictographie pictorialisme pictorialiste picucule piculet +picène pidgin pidginisation pie pied piedmont piemérite piercing pierrade +pierraille pierre pierregarin pierrette pierreuse pierrier pierriste pierrière +pierrée piesma piette pietà pieuvre pif pifomètre pigache pige pigeon +pigeonnage pigeonnier pigiste pigment pigmentation pigmenturie pigmy pignada +pignatelle pigne pignocheur pignole pignon pignouf pigoulière pika pilaf +pilastre pilchard pile pilet pilette pileur pilidium pilier piline pilivaccin +pillard pilleri pilleur pilocarpe pilocarpine pilomatrixome pilon pilonnage +pilonnier pilori piloselle pilosisme pilosité pilot pilotage pilote pilotin +pilulaire pilule pilulier pilum pimbina pimbêche piment pimenta pimple +pimélie pimélite pimélodidé pin pinacane pinacle pinacol pinacoline pinacolone +pinacée pinaillage pinailleur pinakiolite pinane pinanga pinard pinardier +pinastre pince pince-cul pince-jupe pinceautage pincelier pincement pincette +pinchard pinctada pincée pinda pindarisme pindolol pine pineraie pingouin +pingre pingrerie pinguicula pinguécula pinier pinite pinière pinne pinnipède +pinnoïte pinnularia pinnule pinocytose pinot pinque pinscher pinson pinta +pintadine pintadoïte pinte pinyin pinzgauer pinçage pinçard pinçon pinçure +pinène pinéaloblastome pinéalocytome pinéalome pinéoblastome pinéocytome +pioche piochement piocheur piocheuse piolet pion pionnier piophile pioupiou +pipal pipe pipelet pipeline pipelinier piper-cub piperade piperie pipetage +pipeur pipi pipier pipistrelle pipit pipiza pipo pipridé pipunculidé +pipée pipéracée pipéridine pipérin pipérine pipéritone pipéronal pipérylène +piquant pique pique-assiette pique-broc pique-mouche pique-nique pique-niqueur +piquepoul piquet piquetage piquette piqueur piquier piquite piquoir piquouse +piqué piquée piqûre piranga piranha pirarucu piratage pirate piraterie piraya +piroguier pirojki pirole pirolle piroplasmose pirouette pirouettement +pisan pisanite pisaure pisauridé piscicole pisciculteur pisciculture piscine +piseur piseyeur pisidie pisiforme pisolite pisolithe pissaladière pissalot +pisse pissement pissenlit pissette pisseur pisseuse pissode pissoir pissotière +pissée pistache pistachier pistage pistard pistation piste pisteur pistia +pistolage pistole pistolet pistoletier pistoleur pistolier piston pistonnage +pistou pisé pitance pitbull pitch pitchou pitchoun pitchounet pitchpin pite +pithiatisme pithécanthrope pithécanthropien pithécie pithécisme pithécophage +pitocine piton pitonnage pitpit pitre pitrerie pitressine pittosporum pituite +pituri pityogène pityrosporon pitée pive pivert pivoine pivot pivotage +pixel pizza pizzeria pizzicato pièce piège piètement pièze piébaldisme piécart +piédouche piédroit piéfort piégeage piégeur piémont piémontite piéride piéridé +piéssithérapie piétage piétaille piétement piéteur piétin piétinement piétisme +piéton piétrain piété piézogramme piézographe piézographie piézomètre +piézorésistivité piézoélectricité placage placagiste placard placardage place +placement placenta placentaire placentation placentographie placentome placer +placette placeur placidité placier placobdelle placode placoderme placodonte +placothèque placé plafond plafonnage plafonnement plafonnette plafonneur +plage plagiaire plagiat plagioclase plagioclasite plagiocéphale plagiocéphalie +plagionite plagiostome plagiotropisme plagiste plagnière plagusie plaid +plaidoirie plaidoyer plaie plaignant plain plaine plainte plaisance +plaisant plaisanterie plaisantin plaisir plan planage planaire planation +planche plancher planchette planchiste planchéiage planchéieur planchéite +planctonologie planctonologiste plane planelle planette planeur planeuse +planificateur planification planigraphie planimètre planimétrage planimétrie +planipenne planisme planisphère planiste planitude planning planogramme +planorbe planorbidé planotopocinésie planotopokinésie planque planqué +plant plantage plantaginacée plantaginale plantain plantaire plantard +plante planteur planteuse plantier plantigrade plantoir planton plantule +planula plançon planète planèze planéité planérite planétaire planétarisation +planétisation planétocardiogramme planétologie planétologue planétoïde +plaque plaquemine plaqueminier plaquette plaquettiste plaquettopoïèse +plaqueur plaqueuse plaquiste plaqué plasma plasmacryofiltration plasmagène +plasmaphérèse plasmasphère plasmathérapie plasmide plasmine plasminogène +plasmoblaste plasmochimie plasmocyte plasmocytomatose plasmocytome +plasmocytose plasmode plasmodie plasmodiidé plasmodiome plasmodium plasmodrome +plasmokinase plasmolyse plasmome plasmoquine plasmoschise plasmotomie plaste +plasticage plasticien plasticisme plasticité plasticulture plastie plastifiant +plastification plastigel plastiquage plastique plastiqueur plastisol +plastolite plastomère plastotypie plastron plastronneur plasturgie +plat platacanthomyidé platacidé plataléidé platane plataniste platanistidé +plate plateforme platelage platerie plathelminthe platiammine platibromure +platier platinage platinate platine platinectomie platineur platinite +platinotypie platinoïde platinure platitude platière platoammine platobromure +platonicien platonisme platteur plattnérite platybasie platybelodon +platycténide platycéphalidé platycéphalie platygastre platyparée platype +platypsylle platyrhinien platyrrhinien platysma platyspondylie platysternidé +plausibilité playboy playon plaza plaçage plaçure plectognathe plectoptère +plectridiale plectridium pleige plein pleinairisme pleinairiste pleodorina +pleur pleurage pleurant pleurard pleurectomie pleurer pleureur pleureuse +pleurnichage pleurnichard pleurnichement pleurnicherie pleurnicheur +pleurobranchidé pleurobranchie pleurodire pleurodynie pleurodèle pleurogone +pleurome pleuromma pleuromya pleuromèle pleuronecte pleuronectidé +pleuronectoïde pleuronema pleuropneumonectomie pleuropneumonie pleuroptère +pleurosaurien pleuroscope pleuroscopie pleurosigma pleurosome pleurote +pleurotomaire pleurotomariidé pleurotomie pleurotrème pleurésie pleurétique +pleutrerie plexalgie plexectomie plexite pleyon pli pliage pliant plica +plicatule plicatulidé plie pliement plieur plieuse plinthe plinthite pliocène +plion pliopithèque pliosaure plique plissage plissement plisseur plisseuse +plissé pliure plié plocéidé plodie plof ploiement ploière plomb plombage +plombagine plombaginée plombate plombe plomberie plombeur plombichlorure +plombiflorure plombifluorure plombite plomboir plombure plomburie plombée +plommure plommée plonge plongement plongeoir plongeon plongeur plongée +ploqueuse plot plotosidé plouc plouk ploutocrate ploutocratie ploutrage +ploïdie ploïmide pluie plumage plumaison plumard plumasserie plumassier +plumbicon plumboferrite plumbogummite plumbojarosite plume plumet plumeur +plumier plumitif plumulaire plumule plumée pluralisme pluraliste pluralité +pluriadénomatose pluridisciplinarité pluriel pluriglossie plurihandicapé +plurilinguisme pluriloculine pluripartisme pluripatridie plurivalence +plus-value plusie plutelle pluton plutonien plutonisme plutoniste pluvian +pluviomètre pluviométrie pluviosité plâtrage plâtre plâtrerie plâtrier +plèbe plèvre pléate plébain pléban plébiscite plébéien plécoglosse plécoptère +pléiade pléiochromie pléiocytose pléiomazie pléionurie pléiotropie +pléistocène plénipotentiaire plénitude plénum pléochroïsme pléocytose +pléomorphisme pléonasme pléonaste pléonostéose pléoptique plésianthrope +plésiocrinie plésioradiographie plésiormone plésiosaure plésiothérapie +pléthore pléthysmodiagramme pléthysmodiagraphie pléthysmogramme +pléthysmographie pneu pneumallergène pneumarthrographie pneumarthrose +pneumatisation pneumatocèle pneumatologie pneumatomètre pneumatophore +pneumatothérapie pneumaturie pneumectomie pneumo pneumobacille +pneumoblastome pneumocholangie pneumocholécystie pneumocisternographie +pneumococcose pneumococcémie pneumocolie pneumoconiose pneumocoque +pneumocrâne pneumocystographie pneumocystose pneumocyte pneumocèle +pneumocéphalie pneumodynamomètre pneumoencéphalographie pneumogastrique +pneumographie pneumokyste pneumolithe pneumologie pneumologue pneumolyse +pneumomédiastin pneumonectomie pneumonie pneumonique pneumonite +pneumonologie pneumonopathie pneumopathie pneumopelvigraphie pneumopexie +pneumophtisiologue pneumopyélographie pneumopéricarde pneumopéritoine +pneumorésection pneumorétropéritoine pneumoséreuse pneumotachographe +pneumotomie pneumotympan pnéodynamique pnéomètre pochade pochage pochard +poche pochette pochetée pocheuse pochoir pochon pochouse pochée pocket podagre +podaire podarge podenco podencéphale podestat podica podicipédidé podisme +podobranchie podoce pododynie podolithe podologie podologue podomètre +podoscaphe podoscope podoscopie podosphaeraster podostatigramme podure podzol +poecilandrie poecile poeciliidé poecilocore poecilogale poecilogynie +poecilothermie poedogamie poephile pogne pognon pogonophore pogrom pogrome +poigne poignet poignée poil poilu poing poinsettia point pointage pointe +pointer pointeur pointeuse pointil pointillage pointillement pointilleur +pointilliste pointillé pointu pointure pointé poinçon poinçonnage +poinçonneur poinçonneuse poinçonné poire poirier poiré poirée poiscaille poise +poison poissarde poisse poisseur poisson poissonnerie poissonnier poissonnière +poitrail poitrinaire poitrine poitrinière poivrade poivre poivrier poivrière +poivrot poker pokémon polack polacre polaire polaque polar polard polarimètre +polarisabilité polarisation polariscope polariseur polarité polarogramme +polarographie polaroïd polatouche polder polenta polhodie poli polia polianite +police polichinelle policier policlinique policologie polio polioencéphalite +poliomyélite poliomyélitique poliomyéloencéphalite polionévraxite +poliose polissage polisseur polisseuse polissoir polissoire polisson +poliste politesse politicaillerie politicailleur politicard politicien +politicologue politique politisation politologie politologue poljé polka +pollan pollen pollicisation pollicitant pollicitation pollinie pollinisateur +pollinose polluant pollucite pollueur pollution pollénographie polo polochon +polonisation polonophone poloïste poltron poltronnerie polyachromatopsie +polyacrylamide polyacrylate polyacrylique polyacrylonitrile polyacétal +polyacétylène polyaddition polyadénite polyadénomatose polyadénome +polyakène polyalcool polyaldéhyde polyalgie polyallomère polyallylester +polyamide polyamine polyandre polyandrie polyangionévrite polyangéite +polyarthalgie polyarthra polyarthrite polyarthropathie polyarthrose +polyathéromatose polybasite polybenzimidazole polybie polyblépharidale +polybutène polycanaliculite polycaprolactame polycapsulite polycarbonate +polycaryocyte polycentrisme polychimiothérapie polychlorobiphényle +polychlorure polycholie polychondrite polychromasie polychromatophilie +polychroïsme polychète polychélate polychélidé polyclade polyclinique +polyclonie polycombustible polycondensat polycondensation polycontamination +polycopie polycopié polycorie polycrase polycrotisme polyctène polyculteur +polycythemia polycythémie polycytose polycère polycéphale polydactyle +polydactylisme polydesme polydipsie polydispersité polydiène polydora +polydysplasie polydyspondylie polydystrophie polyeidocyte polyembryome +polyenthésopathie polyergue polyester polyesthésie polyestérification +polyfluoroprène polyfracture polygala polygalactie polygale polygalie polygame +polyganglionévrite polyglobulie polyglotte polyglycol polygnathie polygnatien +polygonale polygonation polygone polygonisation polygonosomie polygraphe +polygynie polygénie polygénisme polygéniste polyhalite polyhandicap +polyholoside polyhybride polyhybridisme polyhygromatose polyimide +polyisoprène polykrikidé polykystome polykystose polykératose polylithionite +polymastie polymastigine polymera polymicroadénopathie polymignite +polymoléculaire polymolécularité polymorphie polymorphisme polymyalgie +polymyxine polymèle polymère polymélie polymélien polymélodie polyménorrhée +polymérie polymérisation polymérisme polymétamorphisme polyméthacrylate +polyméthylpentène polyneuromyosite polyneuropathie polynucléaire polynucléose +polynucléotide polynème polynémiforme polynéoptère polynésie polynésien +polynôme polyodonte polyodontidé polyol polyoléfine polyome polyommate +polyopie polyopsie polyoptre polyorchidie polyorexie polyoside +polyostéochondrose polyoxyde polyoxyméthylène polyoxypropylène +polyoxyéthylène polypage polyparasitisme polyparasité polype polypectomie +polypeptidasémie polypeptide polypeptidogénie polypeptidurie polypeptidémie +polyphagie polypharmacie polyphasage polyphonie polyphoniste polyphosphate +polyphylle polyphylétisme polyphénie polyphénol polyphényle polyphénylène +polypier polyplacophore polyplastose polyploïde polyploïdie polyploïdisation +polypode polypodiacée polypodie polypointe polypole polypore polyporée +polypotome polypropylène polypropène polyprotodonte polyprotodontie +polyprène polypsalidie polyptote polyptyque polyptère polyptéridé +polypédatidé polyradiculonévrite polyribosome polyrythmie polysaccharide +polyscèle polyscélie polysensibilisation polysialie polysiloxane polysoc +polysomie polyspermie polysplénie polystic polystome polystomien polystyrène +polysulfamidothérapie polysulfone polysulfonecarbone polysulfure polysyllabe +polysyllabisme polysyllogisme polysyndactylie polysynodie polysynthèse +polysémie polysérite polytechnicien polytechnicité polytechnique polyterpène +polythèque polythéisme polythéiste polythélie polythérapie polytomidé +polytopisme polytoxicomane polytoxicomanie polytransfusion polytransfusé +polytraumatisé polytraumatologie polytric polytrichie polytrichose +polytétrafluoréthylène polytétrahydrofuranne polyurie polyurique +polyurée polyuréthane polyuréthanne polyvalence polyvalent polyvinyle +polyvinylique polyvision polyvitaminothérapie polyyne polyzoaire polyèdre +polyélectrolyte polyépichlorhydrine polyépiphysite polyépiphysose polyéther +polète polémarchie polémarque polémique polémiste polémologie polémologue +pomacanthidé pomacentridé pomaison pomelo pomerium pomiculteur pomiculture +pommadier pommard pomme pommelière pommelle pommeraie pommette pommier +pomoculture pomoerium pomologie pomologiste pomologue pompabilité pompage +pomperie pompeur pompier pompile pompiste pompiérisme pompon pompéien pomélo +poncelet poncette ponceur ponceuse poncho poncif ponction ponctuage +ponctuation pondaison pondeur pondeuse pondoir pondérateur pondération +ponette poney ponga pongidé pongiste pongé pongée pont pontage ponte pontet +pontier pontife pontifiant pontificat pontil pontobdelle ponton pontonnier +ponçage ponère pool pop-corn pope popeline popote popotier popotin poppel +populage popularisation popularité population populationniste populiculteur +populisme populiste populo populéum poquet poquette poradénie poradénite +porc porcelaine porcelainier porcelanite porcelet porcellane porcellio +porche porcher porcherie porcin pore porencéphalie porifère porion porisme +pornocratie pornographe pornographie poroadénolymphite porocéphalidé +porofolliculite porogamie porokératose porolépiforme poromère porophore porose +porosimétrie porosité porpezite porphine porphobilinogène porphyre porphyria +porphyrine porphyrinogenèse porphyrinurie porphyrinémie porphyrogénète +porpite porque porrection porricondyla porridge porrigo port portabilité +portage portail portance portant portatif porte porte-aiguille porte-assiette +porte-bec porte-broche porte-bébé porte-carabine porte-châsse porte-cigare +porte-cornette porte-coton porte-crayon porte-crosse porte-cylindre +porte-embrasse porte-fainéant porte-filtre porte-flacon porte-flingue +porte-glaive porte-greffe porte-hauban porte-insigne porte-lame porte-lanterne +porte-pelote porte-rame porte-scie porte-ski porte-tapisserie porte-tige +porte-valise porte-épée porteballe portechape portefeuille portelone portement +portemonnaie porter porterie porteur porteuse portfolio porthésie portier +portion portionnaire portique portière portland portlandie portlandien porto +portoir portomanométrie portor portoricain portrait portraitiste portugaise +portune portunidé porté portée porzane posada posage pose posemètre poseur +posidonie posidonomya positif position positionnement positionneur +positivisme positiviste positivité positon positonium positron posologie +possessif possession possessivité possessoire possibilisme possibiliste +possédant possédé post-test postabdomen postaccélération postage +postalvéolaire postcombustion postcommunion postcommunisme postcommuniste +postcure postdatation postdate postdentale postdorsale postdéterminant poste +poster postface posthectomie posthite posthypophyse posthéotomie postiche +postier postillon postimpressionnisme postimpressionniste postlude +postmarquage postmaturation postmoderne postmodernisme postpalatale +postpotentiel postprocesseur postromantisme postsonorisation +postulant postulat postulateur postulation posture postvélaire postérieur +postériorité postérité posée pot potabilisation potabilité potache potage +potamobiologie potamochère potamogale potamogéton potamologie potamon +potamot potamotrygon potard potasse potasseur potassisme potassémie pote +potence potentat potentialisateur potentialisation potentialité potentiation +potentille potentiomètre potentiométrie potentiostat poterie poterne poteyage +potier potimaron potin potinage potinier potinière potion potiquet potiron +poto potologie potomane potomanie potomètre potorou potosie potto pottock +potée pouacre poubelle pouce poucette poucier pouding poudingue poudou +poudre poudrerie poudrette poudreuse poudrier poudrin poudrière poudroiement +pouf pouffiasse poufiasse pouillard pouille pouillerie pouillot pouillé +poujadiste poujongal poukou poulaga poulaille poulailler poulain poulaine +poulbot poule poulet poulette pouliche poulie poulier pouliethérapie +pouliot poulot poulpe poumon pound poupard poupart poupe poupetier poupon +poupée pourboire pourcent pourcentage pourchasseur pourcompte pourfendeur +pourparler pourpier pourpoint pourpointier pourpre pourprin pourri pourridié +pourrissement pourrisseur pourrissoir pourriture poursuite poursuiteur +poursuiveur pourtour pourvoi pourvoyeur poussa poussage poussah poussard +pousse pousse-balle poussette pousseur poussier poussin poussine poussiniste +poussière poussiérage poussoir poussée poutargue poutassou poutrage poutraison +poutrelle pouture pouvoir pouzolzia pouzzolane pouzzolanicité powellite poème +poésie poétique poétisation poêlage poêle poêlier poêlon poêlée poïkilocytose +poïkilodermie poïkilotherme poïkilothermie pradosien praesidium pragmaticisme +pragmatisme pragmatiste praguerie praire prairie prakrit pralin pralinage +praliné prame prao prase prasinite pratelle praticabilité praticable praticien +praticulture pratiquant pratique praxie praxinoscope praxithérapie praxéologie +prazosine prednisolone prednisone prehnite prehnitène premier premium première +preneur presbyacousie presbyophrénie presbyopie presbypithèque presbyte +presbytre presbytère presbytérianisme presbytérien prescience prescripteur +presle pressage pressboard presse presse-garniture pressentiment presserie +pressier pressing pressiomètre pression pressoir pressorécepteur pressostat +presspahn pressurage pressureur pressurisation pressuriseur pressé pressée +prestant prestataire prestation prestesse prestidigitateur prestidigitation +prestwichie preuve priam priant priapisme priapulide priapulien priapée prick +prie prieur prieurale prieuré primage primaire primarisme primarité primat +primatiale primatie primauté prime primerose primeur primeuriste primevère +primidi primigeste primipare primiparité primipilaire primipile primitif +primitivisme primoculture primodemandeur primogéniture primordialité +primovaccination primulacée prince princesse principalat principale principat +principe printanisation priodonte prion prione prionien prionopidé +prionotèle priorale priorat prioritaire priorite priorité priscillianisme +prise priseur prisme prison prisonnier pristane pristidé pristinamycine +prisée privatdocent privatdozent privatif privation privatique privatisation +privatisée privauté privilège privilégiatorat privilégiature privilégié privé +prière pro proaccélérine proarthropode probabiliorisme probabilioriste +probabiliste probabilité probant probation probationnaire probité problo +problème problématique problématisation proboscidien probénécide procaryote +procaïne procaïnisation procellariiforme processeur procession processionnaire +prochile prochordé prochronisme procidence proclamateur proclamation +proclivie proclivité proconsul proconsulat proconvertine procordé +procroate procruste procréateur procréation proctalgie proctectomie proctite +proctocèle proctodéum proctologie proctologue proctopexie proctoplastie +proctoptôse proctorrhée proctoscopie proctosigmoïdoscopie proctotomie +proculien procurateur procuratie procuration procure procureur procyonidé +procédurier procédé procéleusmatique prodataire prodiffusion prodigalité +prodigue prodrogue prodrome producteur productibilité production productique +productiviste productivité produit prodétonnant proencéphale proeutectique +prof profanateur profanation profane profasciste proferment professant +profession professionnalisation professionnalisme professionnalité +professorat profibrinolysine profil profilage profilement profileur +profilé profit profitabilité profiterole profiterolle profiteur proflavine +profusion progenèse progeria progestatif progestine progestérone progiciel +prognathie prognathisme progradation programmateur programmathèque +programmatique programme programmeur progressif progression progressisme +progressivité progéniture progérie prohibition prohibitionnisme +prohormone proie projecteur projectile projection projectionniste projecture +projetante projeteur projeteuse projeté projetée prolactine prolactinome +prolamine prolan prolanurie prolanémie prolatif prolepse prolificité +prolifération proligération proline prolixité prolo prologue prolongateur +prolonge prolongement prolylpeptidase prolétaire prolétariat prolétarisation +promastocyte promenade promeneur promeneuse promenoir promesse prometteur +promission promo promonocyte promontoire promoteur promotion prompteur +promu promulgateur promulgation promyélocyte promédicament promégaloblaste +prométhéum pronateur pronation pronghorn pronom pronominalisation prononce +prononcé pronormoblaste pronostic pronostiqueur pronuba pronunciamiento +propagande propagandisme propagandiste propagateur propagation propagule +propane propanediol propanier propanol propanone propargyle proparoxyton +propension propeptonurie properdine propergol prophage propharmacien prophase +prophylactère prophylaxie prophète prophétie prophétisme propiolactone +propionate propionibacterium propionitrile propionyle propithèque propitiateur +propitiatoire proplasmocyte propolisation proportion proportionnalité +proposant proposition propranolol propre propreté proprio propriocepteur +propriétaire propriété propréfet propréteur propréture proptose propulseur +propylamine propylbenzène propyle propylidène propylite propylitisation +propylèneglycol propylée propynal propyne propynol propène propènenitrile +propédeutique propénal propénol propényle propénylgaïacol proquesteur +proration prorodon prorogation prorénine prosaptoglobine prosaptoglobinémie +prosauropode prosaïsme proscenium proscripteur proscription proscrit prose +prosecteur prosectorat prosencéphale prosimien prosobranche prosodie prosome +prosopalgie prosopite prosopographie prosopopée prospaltelle prospect +prospection prospective prospectiviste prospérité prostacycline prostaglandine +prostate prostatectomie prostatique prostatisme prostatite prostatorrhée +prostemme prosternation prosternement prosthèse prostigmine prostitution +prostration prostyle prosyllogisme prosécrétine prosélyte prosélytisme +protagoniste protal protaminase protamine protandrie protanomalie protanope +protase prote protea protecteur protection protectionnisme protectionniste +protein protestant protestantisme protestataire protestation prothalle +prothrombine prothrombinémie prothrombokinine prothèse prothésiste +protide protidogramme protidémie protiréline protiste protistologie protium +protocardia protocellule protochordé protococcale protocole protocordé +protodonate protoescigénine protogalaxie protogine protogynie protohistoire +protolyse protomartyr protomonadale protomothèque protomé protométrie proton +protoneurone protongulé protonotaire protonthérapie protonéma protonéphridie +protophyte protoplanète protoplasma protoplasme protoplaste protoporphyrie +protoporphyrinogène protoporphyrinémie protoptère protorthoptère protostomien +protosuchien protosystole protosélacien protothérien prototropie prototypage +protoure protovertèbre protovestiaire protovérine protoxyde protozoaire +protozoose protoétoile protraction protriton protrusion protryptase +protuteur protège-cahier protège-garrot protège-pointe protège-slip protèle +protée protégé protéide protéidoglycémie protéidé protéidémie protéinase +protéinogramme protéinorachie protéinose protéinothérapie protéinurie +protéisme protéléiose protéoglycane protéolyse protéosynthèse protérandrie +protérozoïque protêt proudhonien proue prouesse proustien proustite prout +provenance provende provençale provençalisme provençaliste proverbe providence +providentialisme providentialiste provignage provignement provin province +provincialisation provincialisme proviseur provision provisionnement +provitamine provo provocateur provocation provéditeur proximité proxène +proxénie proxénète proxénétisme proyer proèdre proéchidné proéminence +prude prudence prudent pruderie prudhommerie pruine prune prunelaie prunelle +prunellier prunelée prunier prurigo prurit prussiate prussien prytane prytanée +pré préabdomen préaccentuation préadamisme préadamite préadaptation +préadolescent préalable préalerte préallocation préallumage préambule préampli +préanesthésie préannonce préapprentissage préassemblage prébende prébendier +précal précambrien précampagne précancérose précarence précarisation précarité +précation précausalité précaution préceinte précellence précepte précepteur +précession préchambre préchantre précharge préchargement préchauffage +précieuse préciosité précipice précipitation précipitine précipité préciput +précision précisionnisme précisionniste précoagulat précocité précognition +précombustion précommande précompilateur précompilation précompresseur +préconcassage préconcentration préconcept préconception précondition +préconfiguration préconisateur préconisation préconiseur préconstruction +précontrainte précordialgie précorrection précouche précoupe précuisson +précure précurseur précédence précédent prédateur prédation prédelirium +prédestination prédestiné prédicant prédicat prédicateur prédication +prédiction prédigestion prédilatation prédilection prédisposition prédominance +prédoseur prédécesseur prédécoupage prédélinquance prédélinquant prédémarieuse +prédéterminant prédétermination prédéterminisme préemballage préembryon +préencollage préenquête préenregistrement préenrobage préenseigne préentretien +préexcellence préexcitation préexistence préfabrication préfabriqué préface +préfanage préfaneuse préfecture préfet préfeuille préfiguration préfilt +préfixage préfixation préfixe préfixion préfloraison préfoliaison préfoliation +préformatage préformation préforme préformulation préfractionnateur +préfrittage préfromage préférante préférence préféré prégnance prégnandiol +prégnane prégnanolone prégnène prégnéninolone prégnénolone prégénérique +préhistoire préhistorien préhominien préimpression préimpressionniste +préinscription préinterview préjudice préjugement préjugé prékallicréine +prélart prélat prélature prélavage prélecture préleveur prélevée prélibation +prélude prélumination préluxation prélèvement prémagnétisation prématuration +prématurité prématuré prémaxillaire prémise prémisse prémolaire prémonition +prémontré prémourant prémunisation prémunition prémunité prémédication +prémélange préménopause prénasalisée prénom prénommé prénotion +préoblitéré préoccupation préoperculaire préopercule préordre préozonation +prépaiement prépalatale préparateur préparatif préparation préparationnaire +préplastification prépolymère prépondérance préposat préposition préposé +prépotentiel prépoubelle préprocesseur préprojet prépsychose prépsychotique +prépuce préqualification préraphaélisme préraphaélite prérapport prérasage +prérecrutement prérentrée préretraite préretraité prérogative préromantisme +prérédaction préréduction préréfrigération préréglage préréglement présage +présalé présanctifié préschizophrénie préschéma préscolarisation présence +présentateur présentatif présentation présente présentoir préservatif +préserve préside présidence président présidentiabilité présidentiable +présidentialisme présidentialiste présidentielle présidialité présidium +présomption présonorisation préspermatogenèse présupposition présupposé +présystole préséance préséchage présécheur présélecteur présélection +présélectionné présénescence présénilité présérie prétaillage prétannage +prétendant prétendu prétentiard prétention prétest préteur prétexte +prétoire prétonique prétorien prétraitement préture prétérit prétérition +prévalence prévaricateur prévarication prévenance prévente prévention +préventorium prévenu préverbation préverbe prévertèbre prévisibilité prévision +prévoyance prévélaire prévôt prévôté prézinjanthrope prééminence préétude +prêcheur prêle prêt prêtant prête-nom prêteur prêtraille prêtre prêtresse +prêté prône prôneur psacaste psallette psalliote psalmiste psalmodie +psammobie psammobiidé psammocarcinome psammodrome psammome psaume psautier +psen psettodidé pseudarthrose pseudencéphale pseudencéphalie pseudergate +pseudidé pseudo-alliage pseudo-onde pseudoarthrose pseudobasedowisme +pseudoboléite pseudobranchie pseudobrookite pseudobulbaire pseudocholéra +pseudochromhidrose pseudochromidrose pseudocicatrice pseudocirrhose +pseudocoelomate pseudocoelome pseudoconcept pseudocrustacé pseudocumène +pseudodon pseudodébile pseudodébilité pseudodéficit pseudodéficitaire +pseudofonction pseudoforme pseudofécondation pseudogamie pseudogestation +pseudogonococcie pseudogyne pseudogène pseudohallucination +pseudohermaphrodite pseudohématocèle pseudoinstruction pseudoionone +pseudolipome pseudomalachite pseudomembrane pseudomixie pseudomorphisme +pseudoméningite pseudométhémoglobine pseudonyme pseudonymie pseudonévralgie +pseudonévroptère pseudoparalysie pseudoparasite pseudoparasitisme pseudopelade +pseudophakie pseudophotesthésie pseudophyllide pseudophénomène pseudopode +pseudopolycythémie pseudopolydystrophie pseudoporencéphalie pseudorace +pseudorhumatisme pseudosclérodermie pseudosclérose pseudoscopie pseudoscorpion +pseudosomation pseudosphère pseudosuchien pseudotachylite pseudothalidomide +pseudotuberculose pseudotumeur pseudotyphoméningite pseudoxanthome psile +psilocybe psilocybine psilomélane psilopa psilose psithyre psittacidé +psittacisme psittacose psittacule psoa psocomorphe psocoptère psocoptéroïde +psophidé psophomètre psophométrie psoque psoralène psore psorenterie +psorospermie psorospermose psoïte psy psychagogie psychagogue psychalgie +psychanalyse psychanalysme psychanalyste psychanalysé psychasthénie +psychiatre psychiatrie psychiatrisation psychiatrisé psychisme psycho +psychobiologie psychochirurgie psychocritique psychodiagnostic psychodidé +psychodrame psychodynamisme psychodysleptique psychodépendance psychogenèse +psychogénétique psychogériatrie psychogérontologie psychokinèse psychokinésie +psycholeptique psycholinguiste psycholinguistique psychologie psychologisation +psychologiste psychologue psychomachie psychomotricien psychomotricité +psychométrie psychoneurasthénie psychonévrose psychopathe psychopathie +psychopharmacologie psychopharmacologue psychophysicien psychophysiologie +psychophysiologue psychophysique psychoplasme psychoplasticité psychoplégie +psychoprophylaxie psychopédagogie psychopédagogue psychorigide psychorigidité +psychorééducateur psychose psychosociologie psychosociologue psychosomatique +psychostimulant psychosynthèse psychosédatif psychotechnicien psychotechnie +psychothérapeute psychothérapie psychotique psychotisation psychotonique +psychotrope psychoénergisant psychromètre psychrométrie psychropote psyché +psylle psyllidé psyllium psélaphe ptarmigan pteria pterinea pteronidea +ptilium ptilocerque ptilonorhynchidé ptilose ptine ptisane ptomaphagie +ptomaïne ptose ptosime ptyaline ptyalisme ptyalorrhoea ptychodéridé +ptéranodon ptéraspidomorphe ptéridine ptéridisme ptéridophore ptéridophyte +ptéridospermée ptérine ptériomorphe ptérion ptérobranche ptéroclididé +ptérodactyle ptérodrome ptéromale ptérophore ptéropidé ptéropode ptérosaurien +ptérygion ptérygote ptérygoïde ptérygoïdien ptérylie ptérylose ptéréon ptôse +pub pubalgie pubarche puberté pubescence pubiotomie public publicain +publicisation publiciste publicitaire publicité publiphone publipostage +pubère puccinia puccinie puce pucelage puceron puche puchérite pucier pudding +puddleur pudeur pudibond pudibonderie pudicité pueblo puerpéralité puffin +pugiliste pugnacité puisage puisard puisatier puisement puisette puisoir +puissant pula pulchellia puli pulicaire pulicidé pull pull-over puller pulleur +pullorose pullulation pullulement pulmonaire pulmonique pulmoné pulpe +pulpite pulpoir pulpolithe pulque pulsar pulsateur pulsatille pulsation pulse +pulsion pulsomètre pulsoréacteur pultation pultrusion pulvinaire pulvinar +pulvérisateur pulvérisation pulvériseur pulvérulence pulégol pulégone puma +punaise punaisie punch puncheur punctum puncture puni punisseur punition +punk punka punkette puntarelle puntazzo puntillero pupaison pupation pupe +pupillarité pupille pupillomètre pupillométrie pupilloscopie pupillotonie +pupipare pupitre pupitreur pur pureté purgatif purgation purgatoire purge +purgeoir purgeur purgeuse purificateur purification purificatoire purin +purine purinosynthèse purisme puriste puritain puritanisme purot purotin +purpuricène purpurine purpurite purpurogalline purpuroxanthine purulence purée +puseyiste pusillanime pusillanimité pustulation pustule pustulose putain +putasserie putassier pute putier putiet putrescence putrescibilité putrescine +putréfaction putsch putschisme putschiste putt putter puvathérapie puy puzzle +puéricultrice puériculture puérilisme puérilité puîné pya pyarthrite +pycnique pycnodonte pycnodysostose pycnogonide pycnogonon pycnolepsie +pycnométrie pycnonotidé pycnose pycnoépilepsie pygaere pygargue pygaster +pygmée pygméisme pygomèle pygomélie pygopage pygopagie pygopode pygopodidé +pylochélidé pylore pylorectomie pylorisme pylorite pylorobulboscopie +pyloroduodénite pylorogastrectomie pyloroplastie pylorospasme pylorostomie +pyléphlébite pyléthrombose pylône pyobacille pyobacillose pyocholécyste +pyocine pyoculture pyocyanine pyocyanique pyocyste pyocyte pyocytose +pyodermie pyodermite pyogenèse pyogène pyogénie pyohémie pyolabyrinthite +pyomètre pyométrie pyonéphrite pyonéphrose pyophagie pyophtalmie +pyopneumohydatide pyopneumopéricarde pyopneumopérihépatite pyopneunokyste +pyopérihépatite pyorrhée pyorrhéique pyosclérose pyospermie pyrale pyralidé +pyramidage pyramide pyramidella pyramidion pyramidotomie pyramidula pyranne +pyrargyrite pyrausta pyrazinamide pyrazine pyrazole pyrazolidine pyrazoline +pyrellie pyrexie pyrgocéphalie pyrgophysa pyridazine pyridine pyridinium +pyridoxal pyridoxamine pyridoxine pyridoxinothérapie pyridoxinurie pyrimidine +pyrite pyroarséniate pyroaurite pyrocatéchine pyrocatéchol pyrochlore pyrochre +pyroclastite pyrocopal pyrocorise pyrodynamique pyrogallol pyrogenèse +pyrographe pyrograveur pyrogravure pyrogénation pyrole pyrolite pyrolusite +pyromancie pyromane pyromanie pyrominéralurgie pyromorphite pyromètre +pyroméride pyrométallurgie pyrométrie pyrone pyrope pyrophage pyrophanite +pyrophore pyrophosphate pyrophosphoryle pyrophyllite pyrophyte +pyroscaphe pyrosmalite pyrosome pyrosphère pyrostat pyrostilpnite pyrosulfate +pyrosulfuryle pyrosélénite pyrotechnicien pyrotechnie pyrotechnophile +pyrothérien pyroxyle pyroxène pyroxénite pyroélectricité pyrrhique pyrrhocore +pyrrhonisme pyrrhotite pyrrol pyrrolamidol pyrrole pyrrolidine pyrroline +pyruvate pyruvicoxydase pyruvicémie pyrylium pyrène pyrèthre pyrénomycète +pyrénéite pyréthrine pyréthrinoïde pyréthrolone pyrétothérapie pythagoricien +pythia pythie pythique python pythoniné pythonisse pythonomorphe pyurie pyxide +pyélite pyélocystite pyélogramme pyélographie pyélolithotomie pyélonéphrite +pyélonéphrotomie pyéloplastie pyéloscopie pyélostomie pyélotomie pyémie pâleur +pâque pâquerette pâte pâtissage pâtisserie pâtissier pâtissoire pâtisson pâton +pâtre pâturage pâture pâturin pâturon pâté pâtée pègre pèlerin pèlerinage +père pèse-liqueur péage péager péagiste péan pébrine pébroc pébroque pécari +péché pécore péculat pécule pédagogie pédagogue pédaire pédalage pédale +pédalier pédalion pédalo pédalée pédant pédanterie pédantisme pédate pédiatre +pédicellaire pédicelle pédicelline pédiculaire pédicule pédiculidé +pédiculose pédicure pédicurie pédifère pédiluve pédimane pédiment pédiométrie +pédipalpe pédiplaine pédobaptisme pédoclimat pédodontie pédogamie pédogenèse +pédologue pédomètre pédoncule pédonculotomie pédonome pédophile pédophilie +pédopsychiatrie pédospasme pédotribe pédrinal pédum pédé pédéraste pédérastie +pégase pégomancie pégomyie péguysme péguyste péjoratif péjoration pékan pékin +pékinologue pékiné pélagianisme pélagie pélagien pélagisme pélagosaure +pélamidière pélamyde pélargonidine pélargonium pélaud péliade pélican péliome +pélobate pélobatidé pélodyte pélomédusidé péloponnésien pélopsie pélopée +pélose péloïde pélycosaurien pélécanidé pélécaniforme pélécanoïdidé pélécine +pémacrophage pénalisation pénaliste pénalité péname pénard péneste pénibilité +pénicillaire pénicille pénicillinase pénicilline pénicillinorésistance +pénicillinémie pénicillium pénicillothérapie pénicillémie pénil péninsulaire +pénitence pénitencerie pénitencier pénitent pénitentiel pénologie pénombre +pénurie pénème pénélope pénéplaine pénéplanation pénétrabilité pénétrance +pénétrateur pénétration pénétromètre péon péotillomanie péotte péperin pépie +pépin pépinière pépiniériste pépite péplum pépon péponide pépère pépé pépée +péquenaud péquenot péquin péquisme péquiste péracaride péracéphale péramèle +péremption pérennibranche pérennisation pérennité péri péri-oesophagite +périadénite périadénoïdite périangiocholite périanthe périapexite +périarthrite périartérite périastre péribole péricarde péricardectomie +péricardiocentèse péricardiolyse péricardiotomie péricardite péricardocentèse +péricardoscopie péricardotomie péricarpe péricaryone péricholangiolite +périchondre périchondrite périchondrome périclase péricolite péricololyse +péricoronarite péricowpérite péricrâne péricycle péricysticite péricystite +périderme pérididymite péridinidé péridinien péridinium péridiverticulite +péridotite périduodénite péridurale péridurographie périencéphalite +périf périfolliculite périgastrite périgordien périgourdin périgée périhélie +périkystectomie périkystite péril périlampe périlite périlobulite périlymphe +périmètre périméningite périmétrie périmétrite périnatalité périnatalogie +périnée périnéocèle périnéoplastie périnéorraphie périnéostomie périnéotomie +périnéphrose période périodeute périodicité périodique périodisation +périoesophagite périophtalmite périophthalme périorchite périoste périostite +périostéite périostéogenèse périostéoplastie périostéose péripachyméningite +péripate péripatéticien péripatéticienne péripatétisme périphlébite périphrase +périphérique périple péripneumonie périprocte périproctite périprostatite +péripétie périrectite périsalpingite périscope périsigmoïdite périsperme +périsporiale périssabilité périssodactyle périssoire périssologie +péristase péristome péristyle périsynovite périsystole périthèce périthéliome +péritoine péritomie péritomiste péritonisation péritonite péritonéoscopie +péritoxine péritriche pérityphlite pérityphlocolite péritéléphonie +périurétrite périurétérite périvaginite périvascularite périviscérite +périèque périégète péromysque péromèle péroméduse péromélie péronier péronisme +péronnelle péronosporacée péronosporale péroné péronée péroraison péroreur +pérot pérovskite péruvien pérylène pérégrin pérégrination pérégrinisme +pétainisme pétainiste pétale pétalisme pétalite pétalodie pétanque pétarade +pétardage pétase pétasite pétasse pétaudière pétaure pétauriste pétauristiné +péteur péteuse pétillement pétinisme pétiniste pétiole pétiolule pétition +pétitionnement pétitoire pétochard pétoche pétoire pétomane pétoncle +pétrarquiste pétrel pétricherie pétricole pétrification pétrin pétrinal +pétrisseur pétrisseuse pétrissée pétrochimie pétrochimiste pétrochélidon +pétrodrome pétrogale pétrogenèse pétroglyphe pétrographe pétrographie +pétrole pétrolette pétroleur pétroleuse pétrolier pétrolisme pétrolochimie +pétrologiste pétroléochimie pétroléochimiste pétromonarchie pétromyidé +pétrosite pétroïque pétulance pétun pétunia pétunsé pétéchie pézize pêche +pêcherie pêchette pêcheur pêne pôle qadirite qalandari qarmate qasîda qatari +qintar quadra quadragénaire quadragésime quadrangle quadranopsie +quadrant quadrantectomie quadratique quadratrice quadrature quadrette +quadricâble quadriel quadrige quadrigéminisme quadrilatère quadrillage +quadrillion quadrilobe quadrimestre quadrimoteur quadripartition quadriparésie +quadriplace quadriplégie quadripolarisation quadriprocesseur quadripôle +quadrirème quadriréacteur quadrisyllabe quadrivalence quadrivecteur quadrivium +quadruple quadruplement quadruplet quadruplette quadruplé quadruplégie +quadrupédie quadrupôle quai quaker quakerisme qualificateur qualificatif +qualifieur qualitatif qualitique qualité quanteur quantificateur +quantifieur quantimètre quantimétrie quantitatif quantitativiste quantité +quarantaine quarante-huitard quarantenaire quarantenier quarantième quark +quart quartage quartanier quartannier quartation quartaut quarte quartefeuille +quartelot quartenier quarteron quartet quartette quartidi quartier quartilage +quartodéciman quartzite quartzolite quarté quasar quasi quasi-contrat +quasicristal quasifixité quasipériodicité quassia quassier quassine +quaterne quaternion quaterpolymère quatorzaine quatorzième quatrain +quatrième quattrocentiste quattuorvir quatuor quebracho quechua quenelle +quenouille quenouillette quenouillère quenouillée quenstedtite quensélite +quercitol quercitrin quercitrine quercitron quercétine querelle querelleur +querneur quernon quernure questeur question questionnaire questionnement +questorien questure quetsche quetschier quetzal queue queusot queutage quiche +quidam quiddité quiescence quignon quillard quille quillette quilleur quillier +quinacrine quinaire quinamine quinazoline quincaille quincaillerie +quinconce quindecemvir quindecemvirat quine quinhydrone quinidine quinidinémie +quininisation quininisme quinisation quinisme quinoa quinolone quinoléine +quinoxaline quinquagénaire quinquagésime quinquennat quinquet quinquina +quinquévir quint quintaine quinte quintefeuille quintessence quintette +quintillion quintolet quintuple quintuplement quintuplé quinuclidine quinzaine +quinzième quinzomadaire quipo quipou quiproquo quipu quirat quirataire quirite +quittance quiétisme quiétiste quiétude quokka quolibet quorum quota quotidien +quotient quotité québécisme quédie quéiroun quélea quélé quémandeur quéquette +quérulence quérulent quésiteur quête quêteur qât rabab rabaissement raban +rabassenage rabassier rabat rabattage rabattement rabatteur rabatteuse +rabbi rabbin rabbinat rabbinisme rabdomancie rabe rabibochage rabiotage +rabot rabotage rabotement raboteur raboteuse rabotin rabougrissement +rabouillère rabouin raboutage rabreuvage rabrouement rabâchage rabâchement +racage racahout racaille racanette raccard raccommodage raccommodement +raccommodeuse raccoon raccord raccordement raccorderie raccourci +raccoutrage raccoutreuse raccroc raccrochage raccrochement raccrocheur race +raceur rachat rache racheteur rachevage rachialgie rachialgite rachianalgésie +rachicenthèse rachimbourg rachitique rachitisme rachitome raciation racinage +raciologie racisme raciste rack racket racketeur racketteur raclage racle +raclement raclette racleur racloir racloire raclure raclée racolage racoleur +raconteur racoon racornissement racémate racémisation rad radar +radariste radassière rade radeuse radiaire radiale radian radiance radiant +radiation radicalisation radicalisme radicaliste radicalité radicelle +radicotomie radiculalgie radicule radiculite radiculographie radier +radiesthésiste radin radinerie radio radio-concert radio-crochet +radioactivité radioagronomie radioalignement radioaltimètre radioamateur +radioastronomie radiobalisage radiobalise radiobiologie radioborne +radiocardiogramme radiocardiographie radiocarottage radiocartographie +radiochimie radiochimiste radiochronologie radiochronomètre +radioclub radiocobalt radiocommande radiocommunication radioconducteur +radioconservation radiocontrôleur radiocristallographie radiodermite +radiodiffuseur radiodiffusion radiodistribution radiodétecteur radiodétection +radioexposition radiofréquence radiogalaxie radiogonio radiogoniomètre +radiogramme radiographe radiographie radioguidage radiohéliographe +radiolaire radiolarite radioleucose radioleucémie radioligand +radiologie radiologiste radiologue radiolucite radioluminescence radiolyse +radiomanométrie radiomensuration radiomessagerie radiomesure radiomucite +radiomètre radiométallographie radiométrie radiométéorologie radionavigant +radionavigation radionuclide radionucléide radionécrose radiopasteurisation +radiopathologie radiopelvigraphie radiopelvimétrie radiophare +radiophase radiophonie radiophotographie radiophotoluminescence +radiophysique radioprotection radioreportage radioreporter radiorepérage +radiorénogramme radiorépondeur radiorésistance radioréveil radiosarcome +radiosensibilité radiosondage radiosonde radiosource radiostabilité +radiostérilisation radiostéréoscopie radiotechnique radiothérapeute +radiotomie radiotoxicité radiotraceur radiotélescope radiotélégramme +radiotélégraphiste radiotéléphone radiotéléphonie radiotéléphoniste +radiovaccination radioécologie radioélectricien radioélectricité radioélément +radioépidermite radioépithélioma radioétoile radiumbiologie radiumpuncture +radiée radjah radjasthani radoire radome radotage radoteur radoub radoubage +radula radôme rafale raffermissement raffilage raffileur raffinage raffinat +raffinerie raffineur raffineuse raffinose raffiné raffle rafflesia +rafflésie raffut rafiot rafistolage rafistoleur rafle rafraîchissage +rafraîchisseur rafraîchissoir rafting ragage rage raglan raglanite ragocyte +ragot ragougnasse ragoût ragréage ragréement ragréeur ragtime rai raid raider +raidillon raidissement raidisseur raie raifort rail raillerie railleur rainage +rainette rainurage rainure rainureuse raiponce raisin raisinier raisiné raison +raisonnement raisonneur raiton raja rajah rajeunissement rajidé rajiforme +rajoutage rajustement rakette raki ralenti ralentissement ralentisseur +rallidé ralliement ralliforme rallié rallonge rallongement rallumage rallumeur +ralstonite ramada ramadan ramage ramapithèque ramassage ramasse ramassement +ramasseur ramasseuse ramassoire ramassé rambarde rambour ramdam rame ramenard +ramendeur ramener rameneret ramequin ramerot ramescence ramette rameur rameuse +ramie ramier ramification ramille ramiret ramisection ramisme ramiste ramière +ramolli ramollissement ramollo ramonage ramoneur rampant rampe rampement +ramure ramée ranale ranatre rancard rancart rance ranch ranche rancher +ranchman rancho rancidité rancissement rancissure rancoeur rancune rancunier +randanite randomisation randonneur randonnée ranelle rang range rangement +rangeur rangée rani ranidé ranimation ranina ransomite rantanplan ranule +rançonnement rançonneur raout rap rapace rapacité rapakivi rapakiwi rapana +rapatriement rapatrié rapatronnage rapetassage rapetissement raphanie +raphia raphicère raphide raphidie raphidioptère raphidé raphé rapiat rapide +rapiette rapin rapine rapinerie rapineur rapiècement rapière rapiéçage +rappel rappelé rapper rappeur rapport rapportage rapporteur rapprochage +rapprocheur rapprovisionnement rapsode rapsodie rapt raquetier raquette +raquetteur raquettier rara rareté raréfaction rasade rasage rasance rasbora +rascette rasement rasette raseur raseuse rash rasière rasoir rason rasorisme +raspoutitsa rassasiement rassemblement rassembler rassembleur rassissement +rassortiment rassérénement rasta rastafari rastafarisme rastaquouère rastel +rata ratafia ratage ratanhia ratapoil ratatinement ratatouille rate ratel +rathite ratichon raticide ratier ratification ratinage ratine ratineuse rating +ratiocinage ratiocination ratiocineur ration rationalisation rationalisme +rationalité rationite rationnaire rationnel rationnement ratissage ratissette +ratissoire ratite ratière raton ratonade ratonnade ratonneur rattachement +ratte rattrapage rattrapante rattrapeur ratu ratufa raturage rature ratureur +raubasine rauchage raucheur raucité rauquement rauvite rauwolfia ravage +ravageuse ravagé raval ravalement ravaleur ravanceur ravaudage ravaudeur rave +ravelle ravenala ravenelle ravier ravigote ravin ravine ravinement ravinée +ravioli ravissement ravisseur ravitaillement ravitailleur ravivage ravière ray +rayage rayement rayeur rayon rayonnage rayonne rayonnement rayonneur rayonné +rayère raze razzia raïa rebab rebanchage rebasculement rebassier rebattage +rebatteuse rebattoir rebec rebecteur rebelle rebelote rebiffe rebiolage +rebobinage reboisement rebond rebondissement rebord rebot rebouchage +reboutement rebouteur rebreathing rebroussement rebroussoir rebrûlage +rebullage rebut rebutage rebuteur rebêchage rebêche recadrage recalage +recalibrage recalé recanalisation recapitalisation recarburant recarburation +recatégorisation recel receleur recelé recensement recenseur recension +recentrement recepage recepée recerclage recette recevabilité receveur +rechampissage rechange rechapage recharge rechargement rechaussement recherche +rechoisisseur rechristianisation rechute recirculation reclassement +recloisonnement recluserie recluzie recodage recognition recoin recollage +recoloration recombinaison recombinant recommandataire recommandation +recommencement recomplètement recomposition recompression recon recondensation +reconductibilité reconduction reconduite reconfiguration reconfirmation +reconnexion reconquête reconsidération reconsolidation reconstituant +reconstructeur reconstruction reconsultation recontamination reconvention +recopiage recopie recoquetage record recordage recordman recotation recoupage +recoupement recoupette recouplage recouponnement recourbement recourbure +recouvrement recouvreur recreusement recristallisation recroquevillement +recrue recruitment recrutement recruteur recréateur recréation recrépissage +rectangle recteur rectificateur rectificatif rectification rectifieur +rectiligne rection rectite rectitude recto rectococcypexie rectocolite +rectographie rectomètre rectopexie rectophotographie rectoplicature +rectorat rectorragie rectorraphie rectoscope rectoscopie rectosigmoïdite +rectostomie rectotomie rectrice rectum recueil recueillement recuisson recuit +reculade reculage reculement reculée recyclage recélé recépage recépée red +reddingite reddition redemande redent redescente redevable redevance +redingote redingtonite redirectionnement rediscussion redisparition +redistribution redite redondance redoublant redoublement redoul redoute +redresse redressement redresseur redressoir redynamisation redécollage +redécouverte redéfinition redémarrage redépart redéploiement refaisage refend +refente referendum refermeture refeuillement refinancement reflet +refluement refondateur refondation refonte reforage reforestation reformage +reformatage reformation reformeur reforming reformulation refouillement +refouleur refouloir refoulé refrain refroidi refroidissement refroidisseur +refrènement refuge refusion refusé refuznik reg regain regard regardeur +regazéificateur regazéification regel reggae regimbement regimbeur reginglard +registre regonflage regonflement regorgement regrat regrattage regrattier +regrolleur regroupage regroupement regrèvement regur rehaussage rehausse +rehausseur rehaut reichsmark rein reine reinette reinite rejaillissement +rejet rejeton rejointoiement rejudaïsation relance relancement relargage +relatif relatinisation relation relativation relative relativeur +relativisme relativiste relativité relavage relaxateur relaxation relaxe +relayeur relayé release relecture relent relestage relevage relever releveur +relevée reliage relief relieur religieuse religion religionnaire religiosité +reliquaire reliquat relique reliure relocalisation relogement relâche +relève relève-moustache relèvement relégation relégué rem remaillage +remake remaniement remanieur remaquillage remariage remarque remasticage +rembarquement remblai remblaiement remblayage remblayeuse rembobinage rembord +rembordeur rembordeuse rembourrage rembourrure remboursement remboîtage +rembrunissement rembuchement rembucher remembrement remerciement remettage +remetteur remilitarisation reminéralisation remisage remise remisier +remmailleur remmailleuse remmoulage remmouleur remnographe remobilisation +remontage remontant remonte remonte-pente remonteur remontoir remontrance +remontée remorphinisation remorquage remorque remorqueur remotivation +remoulage rempaillage rempailleur rempart rempiétage rempiétement remplacement +remplaçant rempli rempliage remplieur remplieuse remplissage remplissement +remplisseuse remploi rempoissonnement rempotage remuage remue remuement +remugle remâchement remède remémoration renaissance renard renardite +renaudeur rencaissage rencaissement rencard rencart renchérissement +rencollage rencontre rendage rendant rendement rendu rendzine renette +renfermement renfermé renflement renflouage renflouement renfoncement +renforcement renformage renformeur renformoir renfort renforçage renforçateur +renfrogné rengagement rengagé rengaine rengorgement rengrènement reniement +reniflement renifleur renne renom renommée renon renonce renoncement +renonciateur renonciation renonculacée renoncule renormalisation renouement +renouvellement renouée renrailleur renseignement rentabilisation rentabilité +rentier rentoilage rentoileur rentrage rentraiture rentrant rentrayage +rentré rentrée renvergeure renverse renversement renversé renvidage renvideur +renvoyeur renâcleur renégat renégociation rep repaire reparlementarisation +reparution repassage repasseur repasseuse repatronage repavage repavement +repentance repentant repenti repentir repercé reperméabilisation reperçage +repeuplée repic repiquage repique repiqueur repiqueuse replacement replanage +replanisseur replantation replat repli replicon repliement reploiement +repolarisation repolissage reponchonneur repopulation report reportage +reporteur reporté repose repositionnement reposoir reposée repoussage repousse +repousseur repoussoir repoussé repreneur repressage repressurisation reprint +reprise repriseuse reprivatisation reproche reproducteur reproductibilité +reproductivité reproductrice reprofilage reprogrammation reprographie +représentant représentation représentativité représenté reptantia reptation +repyramidage repère repérage repêchage requalification requeté requienia +requin requinquage requérant requête requêté rerespiration reroutage +resarcisseur resarcissure rescapé rescindant rescision rescisoire rescousse +rescrit resocialisation respect respectabilité respectueuse respirabilité +respiration resplendissement responsabilisation responsabilité responsable +resquillage resquille resquilleur ressac ressaisissement ressassement +ressaut ressautoir ressayage ressemblance ressemelage ressemeleur ressentiment +resserre resserrement ressort ressortie ressortissant ressource ressourcement +ressui ressuscité ressuyage restalinisation restant restau restaurant +restauration reste restite restitution resto restoroute restouble restriction +restructuration resténose resucée resurchauffe resurchauffeur +retable retaillage retaille retannage retapage retape retard retardant +retardateur retardement retardé retassure retendoir retentissement retenue +retersage reterçage retirage retiraison retiration retirement retissage +retombement retombé retombée retorchage retordage retordement retorderie +retordoir retorsoir retouche retoucheur retour retournage retourne +retourneur retourné retraduction retrait retraitant retraite retraitement +retranchement retranscription retransmetteur retransmission retransplantation +retrayé retrempe retriever retroussage retroussement retrouve retubage retusa +revaccination revalorisation revanchard revanche revanchisme revanchiste +revenant revendeur revendicateur revendication revente revenu revenue +reverdissage reverdissement reverdoir revernissage reversement reversi +revier revif revigoration revirement revitalisation revival revivalisme +reviviscence revolver revoyure revrillement revue revuiste revérification +rewriter rewriting rexisme rexiste rezzou reçu reître rhabdite rhabditidé +rhabdologie rhabdomancie rhabdomancien rhabdomant rhabdomyolyse rhabdomyome +rhabdophaga rhabdophane rhabdophore rhabdopleure rhabdouque rhabillage +rhabilleur rhacophore rhagade rhagie rhagionidé rhagocyte rhagonyque rhamnacée +rhamnitol rhamnose rhamnoside rhamnusium rhamphastidé rhamphomyie +rhaphidioptère rhaphigastre rhapsode rhapsodie rhegmatisme rheno rhexia +rhinanthe rhinarium rhincodontidé rhinencéphale rhineuriné rhingie rhingrave +rhinite rhino rhino-pneumonie rhinobate rhinobatidé rhinobatoïde +rhinochère rhinochète rhinochétidé rhinoconiose rhinocrypte rhinocylle +rhinocérotidé rhinoderme rhinoedème rhinoestre rhinolalie rhinolaryngite +rhinolithiase rhinologie rhinolophe rhinomanométrie rhinomycose rhinométrie +rhinopathie rhinopharyngite rhinophonie rhinophore rhinophycomycose +rhinophyma rhinopithèque rhinoplastie rhinopomaste rhinopome rhinoptère +rhinorraphie rhinorrhée rhinorthe rhinosalpingite rhinosclérome rhinosclérose +rhinoseptoplastie rhinosime rhinosporidiose rhinostomie rhinotermitidé +rhinothèque rhinotomie rhipicéphale rhipidistien rhipiphoridé rhipiptère +rhizalyse rhizarthrose rhize rhizine rhizobie rhizobium rhizocaline +rhizocaulon rhizochloridale rhizoctone rhizoctonie rhizocéphale rhizoderme +rhizoflagellé rhizogenèse rhizomanie rhizomastigine rhizome rhizomorphe +rhizomère rhizoménon rhizoperthe rhizophage rhizophoracée rhizophore rhizopode +rhizostome rhizotaxie rhizotide rhizotome rhizotomie rhizotrogue rhizoïde +rhodammine rhodanate rhodane rhodanine rhodia rhodiage rhodien rhodinal +rhodite rhodizite rhodochrosite rhododendron rhodolite rhodonite rhodophycée +rhodovibrio rhodoïd rhodéose rhodésien rhogogaster rhombe rhombencéphale +rhomboèdre rhomboïde rhomphée rhonchopathie rhopalie rhopalocère rhopalodine +rhopalosiphum rhophéocytose rhotacisme rhovyl rhubarbe rhum rhumatisant +rhumatologie rhumatologiste rhumatologue rhumb rhume rhumerie rhumier +rhynchite rhynchium rhynchobdelle rhynchocoele rhynchocyon rhynchocéphale +rhynchonelle rhynchophore rhynchopidé rhynchosaurien rhynchote rhynchée +rhyolite rhyolithe rhysota rhysse rhyssota rhytida rhytidectomie rhytidome +rhyton rhème rhé rhéidé rhéiforme rhénan rhénate rhéobase rhéocardiogramme +rhéoencéphalographie rhéogramme rhéographe rhéographie rhéolaveur rhéologie +rhéomètre rhéopexie rhéophorégramme rhéopléthysmographie rhéopneumographie +rhéotaxie rhéotropisme rhéteur rhétoricien rhétorique rhétoriqueur ria rial +ribaud ribaudequin riblage riblon riboflavine ribonucléase ribonucléoprotéine +ribosome ribote ribouldingue ribésiacée ribésiée ricain ricanement ricaneur +richard riche richellite richesse richérisme ricin ricinine ricinoléate +ricinuléide rickardite rickettsie rickettsiose rickettsiémie rickshaw ricochet +rida ridage ride ridectomie ridelage rideleur ridelle ridement ridicule ridoir +ridée riebeckite riel rien riesling rietbok rieur rieuse rif rifain +rifaudage riff riffle riffloir rififi riflard rifle riflette rifloir rift +rigidification rigidité rigodon rigolade rigolage rigolard rigole rigoleur +rigollot rigolo rigor rigorisme rigoriste rigotte rigueur rillaud rillette +rilsan rimailleur rimaye rimbaldien rime rimeur rimmel rincette rinceur +rincée ring ringard ringardage ringardeur ringgit ringicule rink rinçage +ripage ripaille ripailleur ripainsel ripaton ripe ripement ripidolite ripolin +rippage ripper rire risban risberme risette risotto risque risse rissoa +rissolier rissoïdé ristella ristocétine ristourne ristourneur risée rit rital +ritodrine ritologie ritournelle ritualisation ritualisme ritualiste rituel +rivalité rive rivelaine riverain riveraineté riversidéite rivet rivetage +riveur riveuse rivière riviérette rivoir rivulaire rivure rixdale rixe riyal +riziculteur riziculture rizipisciculteur rizipisciculture rizière roadster rob +robe robelage robert robeur robeuse robier robin robinet robinetier +robinier robinine robinson robot roboticien robotique robotisation robre +robusta robustesse roc rocade rocaillage rocaille rocailleur rocamadour +roccella roccelline rocelle rochage rochassier roche rocher rochet rochier +rock rocker rocket rockeur rocou rocouyer rodage rodeo rodeuse rodoir rodomont +rodéo roeblingite roemérite roentgen roentgenthérapie rogaton rogi rognage +rogneur rogneuse rognoir rognon rognonnade rognure rogomme rogue rogui rohart +roi roideur roitelet roller rollier rollot romagnol romain romaine roman +romancero romanche romancier romani romanichel romanisant romanisation +romaniste romanité romano romanticisme romantique romantisation romantisme +romarin romatière romaïque rombière rompu romsteck roméite roméo ronce +ronchon ronchonnement ronchonneur ronchonnot roncier roncière rond rondache +rondaniella ronde rondel rondelle rondeur rondier rondin rondissage rondisseur +rondo rondoir rondouillard ronflement ronfleur rongeage rongeant rongement +rongeure ronron ronronnement ronéo roof rookerie rookery rooter roque +roquelaure roquentin roquerie roquesite roquet roquetin roquette rorqual +rosacée rosage rosaire rosalbin rosale rosalie rosaniline rosasite rosbif +rose roselet roselin roselière rosenbuschite roseraie rosette roseur roseval +rosicrucien rosier rosissement rosière rosiériste rosminien rossard rosse +rossia rossignol rossinante rossini rossinien rossite rossée rostellaire +rostre rosé rosée rosélite roséole roséoscopie rot rotacteur rotalie rotang +rotarien rotary rotateur rotation rotationnel rotative rotativiste rote +roteur roteuse rothia rotier rotifère rotin rotinier roto rotobineuse +rotomoulage rotonde rotondité rotor rotoviscosimètre rotrouenge rotruenge +rotule roture roturier roténone rouable rouage rouan rouanne rouannette +roublard roublardise rouble roucaou rouchi roucoulade roucoulement roudoudou +rouelle rouennerie rouennier rouergat rouerie rouet rouette rouf rouflaquette +rougeaud rougeoiement rougeole rougeot rouget rougeur rougissement rouille +rouillure rouissage rouisseur rouissoir roulade roulage roulant roulante roule +roulette rouleur rouleuse roulier roulisse rouloir roulottage roulotte +roulotté roulure roulé roulée roumain roumanophone roumi round roupie +roupillon rouquier rouquin rouscaille rouscailleur rouspétance rouspéteur +rousseauisant rousseauiste rousselet rousseline rousserolle rousset roussette +roussi roussin roussissement roussissure roustisseur rousture routage routard +routeur routier routine routinier routinisation routière routoir rouvet +rouvre roué rowing royale royalisme royaliste royan royaume royauté royena rpr +ruade ruban rubanement rubanerie rubanier rubato rubellite rubiacée rubicelle +rubidomycine rubiette rubigine rubricaire rubricisme rubriciste rubrique +rubéfaction rubéfiant rubéole ruche rucher ruché ruchée rudbeckia rudbeckie +rudesse rudiment rudiste rudite rudoiement rudologie rudération rue ruelle +rufian rugby rugination rugine rugissement rugosité ruine ruiniste ruinure +ruissellement rumb rumba rumen rumeur rumina ruminant rumination rumsteak +ruménotomie runabout runcina runcinia rune runologie runologue rupiah rupicole +rupophobie rupteur rupture ruralisme ruraliste ruralité rurbanisation ruse +russe russification russisme russophile russophone russule rustaud rustauderie +rusticité rustine rustique rustre rusé rut rutabaga rutacée rutale +rutherfordium ruthène ruthénate rutilance rutile rutilement rutine rutoside +ruée rydberg rynchite rynchocoele rynchote ryssota rythme rythmicien +rythmique rythmologie râble râblure râle râlement râleur râpage râpe râperie +râpure râpé râtelage râteleur râteleuse râtelier râtelée règle règlement règne +réabonnement réabreuvage réabsorption réac réaccumulation réaccélération +réactance réactant réacteur réactif réaction réactionnaire réactivation +réactogène réactualisation réadaptation réadapté réadjudication réadmission +réaffichage réaffirmation réagencement réagine réajustement réale réalgar +réalimentation réalisabilité réalisateur réalisation réalisme réaliste réalité +réalésage réamorçage réaménagement réanalyse réanimateur réanimation +réapparition réappauvrissement réapprentissage réapprofondissement +réapprovisionnement réappréciation réarmement réarrangement réascension +réassort réassortiment réassortisseur réassurance réassureur réattribution +récalcitrant récap récapitulatif récapitulation récence récense réceptacle +récepteur réception réceptionnaire réceptionniste réceptivité réceptologie +récession récessivité réchampi réchampissage réchappé réchaud réchauffage +réchauffement réchauffeur réchauffoir réchauffé récidive récidivisme +récidivité récif récipiendaire récipient réciprocité réciproque récit récital +récitateur récitatif récitation réclamant réclamateur réclamation réclame +réclusion réclusionnaire récognition récolement récoleur récollection récollet +récolte récolteur récolteuse récompense réconciliateur réconciliation +récri récriminateur récrimination récré récréance récréation récrément récup +récupération récurage récurant récurrence récursivité récurvarie +récusation récépissé rédacteur rédaction rédempteur rédemption rédemptoriste +rédhibition rédie rédintégration rédowa réductase réducteur réductibilité +réductionnisme réductionniste réductone réduit réduite rédunciné réduplicatif +réduve réduviidé réel réemballage réembarquement réembauchage réembauche +réengagement réenregistrement réenroulement réensemencement réentrance +réentrée réescompte réessayage réestimation réestérification réexamen +réexportation réexposition réexpédition réextradition réfaction réfection +réflecteur réflectivité réflexe réflexibilité réflexion réflexivation +réflexivité réflexogramme réflexologie réflexologue réflexométrie +réformateur réformation réforme réformette réformisme réformiste réformite +réfractaire réfractarité réfracteur réfraction réfractionniste réfractivité +réfractométrie réfrangibilité réfrigérant réfrigérateur réfrigération +réfrènement réfugié réfutabilité réfutation référence référencement +référendaire référendariat référendum référent référentiel référé régal +régalage régale régalec régalement régaleur régaliste régate régatier régence +régicide régie régime régiment région régionalisation régionalisme +régionnaire régiospécificité régiosélectivité régisseur réglage +réglementariste réglementation réglet réglette régleur régleuse réglisse +réglure régolite régression régulage régularisation régularité régulateur +régulationniste régulatrice régule régulidé régulier régulière régurgitation +régénération régénérescence réhabilitation réhabilité réhoboam réhomologation +réhydratation réification réimperméabilisation réimplantation réimportation +réimpression réimputation réincarcération réincarnation réincorporation +réincubation réinculpation réindemnisation réindexation réindustrialisation +réinitialisation réinjection réinnervation réinscription réinsertion +réinstauration réinterprétation réintervention réintroduction réintégrande +réinvention réinvestissement réislamisation réitération réjouissance +rélargissement réline réluctance réluctivité rémanence rémanent rémige +rémissibilité rémission rémittence rémora rémoulade rémouleur rémunérateur +réméré rénette rénine réninémie rénitence rénocortine rénogramme rénovateur +réobstruction réocclusion réoccupation réorchestration réordination +réorganisation réorientation réouverture répandage répandeuse réparage +réparation répartement répartie répartiement répartiteur répartition réparton +réparure répercussion répercussivité répertoire répit réplicateur réplication +réplique répliqueur réplétion répondant répondeur réponse répresseur +réprimande réprobation réprouvé répréhension républicain républicanisme +répudiation répugnance répulsif répulsion réputation répéteur répétiteur +répétitivité répétitorat réquisit réquisition réquisitionné réquisitoire +résection réseleuse réserpine réservataire réservation réserve réserviste +résidanat résidant résidence résident résidu résignataire résignation résigné +résilience résille résine résingle résinier résinification résinographie +résiné résipiscence résistance résistant résistivimètre résistivité résistor +résitol résol résolutif résolution résolvance résolvante résolveur résonance +résonnement résorbant résorcine résorcinol résorption résultante résultat +résurgence résurrection réséda rétablissement rétamage rétameur rétenteur +rétentionnaire rétentionniste rétiaire réticence réticulat réticulation +réticulide réticuline réticulite réticulo-endothéliose réticuloblastomatose +réticulocytopénie réticulocytose réticulofibrose réticulogranulomatose +réticulomatose réticulopathie réticuloplasmocytome réticulosarcomatose +réticulose réticulum réticulée réticulémie rétification rétinal rétine +rétinoblastome rétinocytome rétinographe rétinographie rétinol rétinopathie +rétinoscopie rétinotopie rétinoïde rétinène rétiveté rétivité rétorsion +rétothéliose rétothélosarcome rétractabilité rétractation rétracteur +rétractilité rétraction rétreint rétreinte rétribution rétro rétroaction +rétrocession rétrochargeuse rétrocharriage rétrocognition rétrocontrôle +rétrodiffusion rétrodéviation rétroextrusion rétroflexe rétroflexion +rétrognathie rétrogradation rétrogression rétrogène rétrogénie rétromorphose +rétropneumopéritoine rétroposition rétroprojecteur rétroprojection +rétropulsion rétropédalage rétropéritonite rétroréflecteur rétrorégulation +rétrospective rétrotectonique rétrotraction rétrotranscription rétrotransposon +rétrovaccination rétroversion rétrovirologie rétrovirologiste rétroviseur +rétène réunification réunion réunionnite réunissage réunisseur réunisseuse +réussite réutilisation réveil réveilleur réveillon réveillonneur réveillée +réverbération réversibilité réversion réviseur révision révisionnisme +révocabilité révocation révolte révolté révolution révolutionnaire +révolutionnarisme révolutionnariste révulsif révulsion révélateur révélation +révérend rééchelonnement réécriture réédification réédition rééducateur +réélection rééligibilité réémergence réémetteur réémission rééquilibrage +réévaluation rêne rêvasserie rêvasseur rêve rêverie rêveur rôdeur rôlage rôle +rôt rôti rôtie rôtissage rôtisserie rôtisseur rôtissoire römérite röntgen +röntgénisation röntgénoscopie sabayon sabbat sabbataire sabbathien sabellaire +sabellianisme sabellidé sabien sabin sabine sabinea sabinol sabinène sabir +sable sablerie sableur sableuse sablier sablière sablon sablonnette +sablé sabord sabordage sabordement sabot sabotage saboterie saboteur sabotier +saboulette sabounié sabra sabrage sabre sabretache sabreur sabreuse sabugalite +saburre sabéen sabéisme sac saccade saccage saccagement saccageur saccharase +saccharide saccharidé saccharificateur saccharification saccharimètre +saccharine saccharolé saccharomycose saccharose saccharosurie saccharure +saccocome saccopharyngiforme saccoradiculographie saccule sacculine sacebarone +sacerdoce sachem sacherie sachet sachée sacoche sacolève sacoléva sacome +sacquebute sacralgie sacralisation sacramentaire sacre sacrement sacret +sacrifice sacrifié sacrilège sacripant sacristain sacriste sacristie +sacro-coxalgie sacrocoxalgie sacrocoxite sacrodynie sacrolombalisation sacrum +sadducéen sadique sadisme sado sadomasochisme sadomasochiste saducéen safari +safoutier safran safranal safranière safre saga sagacité sagaie sagard +sage sagesse sagette sagibaron sagina sagine sagitta sagittaire sagittariidé +sagouin sagoutier sagra sagre sagum sagénite saharien saharienne sahel sahib +sahélien saie saignement saigneur saignoir saignée saillant saillie sainfoin +saint saint-cyrien saint-marcellin saint-simonien saint-sulpicerie sainteté +saisi saisie saisine saisissement saison saisonnalité saisonnier saissetia +saki sakieh saktisme saké sal salabre salacité salade saladero saladier salage +salaison salaisonnerie salaisonnier salamalec salamandre salamandrelle +salamandrine salami salangane salangidé salant salariat salarié salatier +salazariste salbande salbutamol salda sale salep saleron saleté saleur saleuse +salicacée salicaire salicine salicinée salicoque salicorne salicoside +saliculture salicylate salicylothérapie salicylémie salidiurétique salien +saligaud salignon salimancie salin salinage salindre saline salinier +salinité salissage salisson salissure salite salivation salive salière salle +salmonelle salmonellose salmoniculteur salmoniculture salmonidé salmoniforme +salol salon salonard salonnard salonnier salonnière saloon salop salopard +saloperie salopette salopiaud salopiot salorge salpe salpicon salpingectomie +salpingographie salpingolyse salpingoplastie salpingorraphie salpingoscopie +salpingotomie salpêtrage salpêtre salpêtrier salpêtrisation salpêtrière salsa +salsepareille salsolacée saltarelle saltateur saltation saltationniste +saltimbanque saltique salto salubrité salueur salure salurétique salut +salutation salutiste salvadorien salvateur salvatorien salve salé salésien +samandarone samare samaritain samarskite samba sambar sambuque samedi samit +samnite samoan samole samourai samouraï samovar samoyède sampan sampang sampi +samsonite samurai samuraï sana sanatorium sancerre sanctificateur +sanction sanctionnateur sanctoral sanctuaire sanctuarisation sandal sandale +sandalier sandaliste sandaraque sanderling sandinisme sandiniste sandjak +sandre sandwich sandwicherie sanforisage sanforiseuse sanfédisme sanfédiste +sanglage sangle sanglier sanglon sanglot sanglotement sangria sangsue +sanguin sanguinaire sanguinarine sanguine sanguinicole sanguinolaire +sanhédrin sanicle sanicule sanidine sanidinite sanie sanisette sanitaire +sans-atout sans-culotte sans-filiste sanscritisme sanscritiste sansevière +sanskritisme sanskritiste sansonnet santaféen santal santalale santaline +santalène santard santiag santoline santon santonine santonnier santé sanve +sanzinie saoudien saoulard sapajou sape sapement saperde sapeur saphir +saphène saphénectomie sapidité sapience sapin sapindacée sapine sapinette +sapinée sapiteur saponaire saponase saponide saponification saponine saponite +saponure saponé sapotacée sapote sapotier sapotille sapotillier sappan +saprin saprobionte sapromyze sapronose sapropel saprophage saprophyte +sapropèle sapropélite saprozoonose saprozoïte sapyga sapèque saqueboute sar +saralasine saran sarancolin sarbacane sarcasme sarcelle sarcine sarclage +sarclette sarcleur sarcleuse sarcloir sarclure sarcocyste sarcocystose +sarcode sarcolemme sarcoleucémie sarcolite sarcomastigophore sarcomatose +sarcophage sarcophagie sarcophile sarcoplasma sarcoplasme sarcopside +sarcopte sarcoptidé sarcoptiforme sarcoramphe sarcosine sarcosporidie +sarcosystose sarcoïde sarcoïdose sardanapale sardane sardar sarde sardine +sardinerie sardinier sardinière sardoine sargasse sargue sari sarigue sarin +sarissophore sarkinite sarmate sarmatisme sarment sarode sarong saroual +sarracenia sarracéniacée sarracénie sarrancolin sarrasin sarrasine sarrau +sarriette sarrusophone sartorite sartrien sassa sassage sassanide sassement +sasseur sassolite satan satanisme sataniste satellisation satellite satin +satinette satineur satiné satire satirique satiriste satisfaction +satiété satou satrape satrapie saturabilité saturateur saturation saturnidé +saturnisme satyre satyridé satyrisme sauce saucier sauciflard saucisse +saucissonnage saucissonneur saucière sauclet saucée sauf-conduit sauge saulaie +saulée saumon saumonette saumurage saumure saumurien sauna saunage saunaison +saunière saupe saupiquet saupoudrage saupoudreuse saupoudroir saurage saurel +saurin sauripelvien saurischien saurissage saurisserie saurisseur saurophidien +sauropsidé sauroptérygien saururé saussaie saut sautage saute sautelle +sauterie sauteur sauteuse sautillage sautillement sautoir sauté sauvage +sauvagerie sauvagine sauvaginier sauvegarde sauvetage sauveterre sauveterrien +sauveté sauveur sauvignon savacou savane savant savantasse savarin savart +savetier savetonnier saveur savoir savoisien savon savonnage savonnerie +savonnier savonnière savoyard saxe saxhorn saxicave saxicole saxifragacée +saxitoxine saxo saxon saxophone saxophoniste saye sayette sayetterie sayetteur +sayon sayyid saï saïga saïmiri sbire scabieuse scabin scacchite scaferlati +scalaire scalaria scalde scalidé scalimétrie scalogramme scalp scalpel +scalpeur scalpeuse scalène scalénotomie scampi scandale scandinave +scandinaviste scanner scanneur scanning scannographe scannographie scannériste +scanographie scansion scaphandre scaphandrier scaphidie scaphiope +scaphite scaphocéphalie scaphopode scaphosoma scaphoïde scaphoïdite scapolite +scapulalgie scapulectomie scapulomancie scarabe scarabée scarabéidé scare +scaridé scarifiage scarificateur scarification scarite scarlatine scarole scat +scatol scatole scatologie scatome scatophage scatophagie scatopse scaure +scellement scellé scepticisme sceptique sceptre schabraque schah schako +schappiste schapska scheelite schefférite scheidage scheideur scheik schelem +scheltopusik scherzo schilbéidé schilling schipperke schirmérite schismatique +schiste schistification schistocerque schistocyte schistose schistosité +schistosomiase schistosomule schizo schizocoelie schizocyte schizocytose +schizocéphale schizogamie schizogenèse schizogonie schizohelea schizolite +schizomide schizomycète schizomélie schizométamérie schizoneure schizonoia +schizonte schizonticide schizonévrose schizoparaphasie schizopathie +schizophrène schizophrénie schizophrénisation schizophycète schizoprosopie +schizostome schizothyme schizothymie schizothymique schizozoïte schizoïde +schlague schlamm schlich schlittage schlitte schlitteur schloenbachia schlot +schlotheimia schnauzer schneidérite schnick schnock schnoque schnorchel +schnouff schoepite schofar scholarque scholiaste scholie schooner schorl +schorre schproum schreibersite schtroumpf schuilingite schulténite schupo +schuélage schwa schwagerina schwannite schwannogliome schwannomatose +schwarzenbergite schwatzite schème schéma schématisation schématisme sciaenidé +sciagraphe sciagraphie scialytique sciaridé sciasphère sciatalgie sciatalgique +scie science scientificité scientifique scientisme scientiste scientologie +scierie scieur scieuse scillarénine scille scincidé scincomorphe scincoïde +scinque scintigramme scintigraphie scintillant scintillateur scintillation +scintillogramme scintillographie scintillomètre sciographe sciographie scion +sciotte sciotteuse scirpe scission scissionnisme scissionniste scissiparité +scissure scissurelle scissurite scitaminale sciure sciuridé sciuromorphe +sciénidé sclaréol scleroderma sclère scléranthe sclérectasie sclérectomie +sclérification sclérite sclérochoroïdite scléroconjonctivite sclérodactylie +scléroderme sclérodermie scléroedème sclérokératite sclérolipomatose +scléromalacie sclérome scléromyosite scléromètre scléroméningite scléronychie +scléroprotéide scléroprotéine sclérose sclérostome sclérostéose sclérote +sclérothérapie scléroticotomie sclérotique sclérotite sclérotome sclérotomie +sclérémie scolaire scolarisation scolarité scolasticat scolastique scoliaste +scoliose scoliotique scolopacidé scolopendre scolopendrella scolopidie +scolyte scolytidé scolécite scolécophidien scombridé scombroïde scombroïdose +sconse scoop scooter scootériste scophthalmidé scopidé scopie scopolamine +scorbut scorbutique score scorie scorification scorodite scorpaenidé scorpion +scorpionidé scorpène scorpénidé scorpéniforme scorpénoïde scorsonère scotch +scotisme scotiste scotome scotomisation scotométrie scotophthalmidé scoubidou +scout scoutisme scrabble scrabbleur scrabe scramasaxe scrapage scraper scrapie +scriban scribe scribomanie scribouillard scribouilleur scripophile +script scripte scripteur scriptional scrobe scrobiculaire scrofulaire +scrofule scrotum scrub scrubber scrupocellaria scrupule scrutateur scrutation +scrutin scull sculler sculptage sculpteur sculpture scutellaire scutelle +scutigère scutum scyliorhinidé scyllare scyllaridé scymne scymnorhinidé +scyphoméduse scyphozoaire scythe scytode scène scélidosaure scélionidé +scélopore scélote scélérat scélératesse scénario scénariste scénographe +scénologie sea-line sebka sebkha seborrhoea second secondaire secondant +secondarité seconde secondigeste secouage secouement secoueur secoureur +secouriste secousse secret secrette secrète secrétage secrétaire secrétairerie +secréteur sectaire sectarisme sectateur secte secteur sectilité section +sectionnement sectionneur sectoriectomie sectorisation sectorscan sedan sedum +segment segmentation segmentectomie segmentina segmentographie seguia seiche +seigneur seigneuriage seigneurie seille seillon seime sein seine seineur seing +seira seizième seiziémisme seiziémiste sel self self-acting self-government +self-trimming seligmannite sellaïte selle sellerie sellette sellier selva +semaine semainier semainée semblable semblant semelle semence semencier +semestre semestrialité semeur semi-auxiliaire semi-carbazone semi-conducteur +semi-défaite semi-liberté semi-nomade semi-norme semi-piqué semi-produit +semidine semnopithèque semoir semonce semoule semoulerie semoulier semple +senaïte sendériste senestre senestrochère sengiérite senior senne senneur +sensationnalisme sensationnaliste sensationnisme sensationniste sensei senseur +sensibilisateur sensibilisation sensibilisatrice sensibilisine sensibilité +sensiblerie sensille sensisme sensiste sensitif sensitive sensitogramme +sensitomètre sensitométrie sensorialité sensorimétrie sensualisme sensualiste +sensuel sente sentence senteur sentier sentiment sentimentalisme +sentimentalité sentine sentinelle sep septain septaria septembre septembriseur +septennalité septennat septentrion septicité septicopyohémie septicopyoémie +septicémie septidi septime septite septième septolet septoplastie septostomie +septuagénaire septuagésime septum septuor septuple septénaire sequin serapeum +serdab serdar serein serf serfouage serfouette serfouissage serge sergent +sergette sergé serial serica serin serinage serinette seringa seringage +seringue seringueiro seringuero serment sermon sermonnaire sermonneur serow +serpe serpent serpentaire serpente serpentement serpentin serpentine +serpentinite serpette serpillière serpiérite serpolet serpule serra serrage +serrana serranidé serratia serratule serre serre-file serre-malice serre-tube +serriste serrivomer serromyia serrure serrurerie serrurier serrée serte serti +sertisseur sertisseuse sertissoir sertissure sertulaire serum servage serval +servante serveur serveuse serviabilité service serviette servilité servite +servitude servocommande servodirection servofrein servomoteur servomécanisme +sesbanie sesquicarbonate sesquioxyde sesquiterpène sessiliventre session +set setier setter seuffe seuil sevin sevir sevrage sewell sex-shop sexage +sexagésime sexdigitisme sexduction sexe sexeur sexisme sexiste sexologie +sexonomie sexothérapeute sexothérapie sextant sexte sextidi sextillion sextine +sextolet sextuor sextuple sextuplé sexualisation sexualisme sexualité +señorita sgraffite sha shaddock shadok shah shake-hand shaker shako shama +shampoing shampooineur shampooineuse shampooing shampouineur shampouineuse +shantung sharpie shaving shed shekel sherpa shetland shift shigellose shilling +shimmy shintoïsme shintoïste shintô shipchandler shire shirting shogoun shogun +shoot shooteur shooteuse shooté shopping short shorthorn shoshidai shoshonite +show-room shrapnel shrapnell shtel shtetel shtetl shunt shuntage +shérif shériff sial sialadénite sialagogue sialidose sialidé sialie sialite +sialodochite sialogramme sialographie sialolithe sialopathie sialophagie +sialose sialosémiologie siamang sibilance sibilation sibylle sibynia +sibérien sicaire sicariidé sicav siccateur siccatif siccativation siccativité +siccomètre sicilien sicilienne siciste sicklémie sicle sid sida sidaïte +sidi sidneyia sidologie sidologue sidéen sidération sidérine sidérinurie +sidérobactérie sidéroblaste sidéroblastose sidérocyte sidérographie sidérolite +sidéronatrite sidéronécrose sidéropexie sidérophage sidérophilie sidérophiline +sidéropénie sidérose sidérosilicose sidérostat sidérothérapie sidérotile +sidérurgie sidérurgiste sidérurie sidérémie siegénite sierra sieste siettitia +sievert sifaka sifflage sifflante sifflement sifflet siffleur sifflotement +sigalion siganidé sigillaire sigillateur sigillographie sigillée sigisbée +sigle siglomanie sigmatisme sigmoïde sigmoïdectomie sigmoïdite +sigmoïdoscopie sigmoïdostomie signage signalement signaleur signalisateur +signataire signature signe signet signifiance signifiant significateur +signifié signifère sika sikh sikhara sil silane silanediol silanol silence +silentiaire silexite silhouettage silhouette silicatage silicatation silicate +silicatose silice silicichloroforme silicide silicification siliciuration +silicochromate silicocyanogène silicocyanure silicoflagellé silicofluorure +silicomolybdate silicone silicose silicosé silicothermie silicotique +silicule silicyle silionne silique sillage sillet sillimanite sillon silo +siloxane silphe silphidé silt silure siluridé silurien siluroïde silvain +silyle silène silésien silésienne sima simagrée simarre simaruba simarubacée +similarité simili similibronze similicuir similigravure similipierre +similiste similitude similor simodaphnia simoniaque simonie simonien simoun +simplet simplexe simplicidenté simplicité simplificateur simplification +simpliste simulacre simulateur simulation simulie simuliidé simultagnosie +simultanéisme simultanéiste simultanéité sinanthrope sinanthropien sinapine +sinapisme sinciput sincérité sindonologie singalette singapourien singe +single singleton singspiel singularité singulet singulier sinhalite sinigrine +sinisant sinisation sinistralité sinistre sinistrocardie sinistrose +sinistré sinité sinoc sinodendron sinologie sinologue sinophile sinophilie +sinophobie sinople sinoque sinoxylon sinter sintérisation sinum sinuosité +sinusite sinusographie sinusotomie sinusoïde sinécure sionisme sioniste +sipho siphomycète siphon siphonale siphonaptère siphonariidé siphonnement +siphonogamie siphonophore siphonozoïde siponcle sipunculide sirdar sire sirli +siroco sirop siroteur sirtaki sirvente sirène sirénidé sirénien sirénomèle +sisal sismicien sismicité sismique sismogenèse sismogramme sismographe +sismologie sismologue sismomètre sismométrie sismotectonique sismothère +sissone sissonne sistre sisymbre sisyphe sisyra sitar sitariste sitatunga +site sitiomanie sitiophobie sitogoniomètre sitologue sitone sitophylaque +sitotrogue sittelle sittidé sittèle situation situationnisme situationniste +sivapithèque sivaïte sixain sixième sixte sizain sizerin siècle siège skate +skating skaï skeptophylaxie ski skiagramme skiagraphie skiascopie skieur skiff +skinhead skinnerien skinnerisme skiographie skioscopie skip skip-cage skipper +skodisme skua skutterudite skydome skélalgie skénite slalom slalomeur slave +slavisme slaviste slavistique slavon slavophile sleeping slice slikke slimonia +slipperette slogan sloganisation sloop slop sloughi slovaque slovène slow +sludging slum smala smalah smalt smaltine smaltite smaragdia smaragdite +smectite smegma smicard smicromyrme smig smigard smillage smille smilodon +smithite smithsonite smittia smog smoking smolt smoushound smurf smyridose +smérinthe snack sniffeur sniper snob snobinard snobisme sobriquet sobriété soc +sociabilité socialisant socialisation socialisme socialiste socialité socialo +sociatrie socinianisme socioanalyse sociobiologie sociobiologiste +sociocratie socioculture sociodrame sociogenèse sociogramme sociogénétique +sociolinguistique sociologie sociologisme sociologiste sociologue sociolâtrie +sociométriste sociopathe sociopathie sociopolitique sociopsychanalyse +sociothérapie sociétaire sociétariat société socle socque socquette socratique +soda sodale sodalite sodamide sodation soddite soddyite sodoku sodomie +soeur soeurette sofa soffie soffioni soffite sofie soft softa software soie +soif soiffard soiffe soignant soigneur soin soir soirée soixantaine +soixantième soja sokosho sol solanacée solanidine solanine solanée +solarisation solarium solaster soldanelle soldat soldatesque solde solderie +soldure soldurier sole soleil solemya solen solennisation solennité solenomyia +solfatare solfège solicitor solidage solidago solidarisation solidarisme +solidarité solide solidification solidité solier soliflore solifluction +solifuge soliloque solin solipsisme solipsiste solipède soliste solitaire +soliton solitude solivage solive sollicitation solliciteur sollicitude +solo solognot solstice solubilisation solubilité solucamphre solution +soluté solvabilisation solvabilité solvant solvatation solvate solécisme +solénidé solénodonte solénome solénoïde soma somali somalien somasque +somation somatisation somatocrinine somatocyte somatognosie somatolyse +somatomédine somatométrie somatoparaphrénie somatopleure somatostatine +somatotopie somatotrophine sombrero somesthésie somite sommaire sommation +sommeil sommelier sommellerie sommet sommier sommité sommière somnambule +somnanbulisme somnifère somniloquie somnolence somptuosité son sonagramme +sonar sonate sonatine sondage sonde sondeur sondeuse sondé sone song songe +songeur sonie sonnage sonnaille sonnailler sonnerie sonnet sonnette sonneur +sono sonobouée sonographie sonoluminescence sonomètre sonométrie sonore +sonorité sonothèque sophiologie sophiologue sophisme sophiste sophistication +sophistiqueur sophora sophrologie sophrologue sophroniste soporifique soprane +soprano sorbe sorbet sorbetière sorbier sorbitol sorbonnard sorbose +sorcier sorcière sordidité sore sorgho sorgo soricidé soricule sorite sornette +sorosilicate sort sortant sorte sortie sortilège sosie sot sotalie sotalol +sotho sotie sottie sottise sottisier sotériologie sou souahili souahéli +soubattage soubresaut soubrette soubreveste souche souchet souchetage +souchette souchevage souchèvement souci soucoupe soudabilité soudage +soudan soudanien soudard soude soude-sac soudeur soudeuse soudier soudière +soudobrasure soudure soue soufflacul soufflage soufflant soufflante soufflard +soufflement soufflerie soufflet souffletier soufflette souffleur souffleuse +soufflé souffrance soufi soufie soufisme soufrage soufreur soufreuse soufrière +soufré sougorge souhait souillard souillarde souille souillon souillure +souk soulagement soulane soulcie souleveuse soulier soulignage soulignement +soulèvement soumaintrain soumission soumissionnaire sounder soupape soupe +souper soupeur soupier soupir soupirant soupière souplesse soupçon souquenille +source sourcier sourcil sourd sourde sourdine sourdière souricier souricière +sournoiserie souroucoucou sous-activité sous-affréteur sous-algèbre sous-arc +sous-bief sous-cavage sous-chaîne sous-classe sous-code sous-comité +sous-cotation sous-courant sous-culture sous-diacre sous-développé sous-emploi +sous-entendu sous-espace sous-espèce sous-exposition sous-faîte sous-filiale +sous-graphe sous-groupe sous-homme sous-inféodation sous-joint +sous-locataire sous-marin sous-marinier sous-marque sous-matrice sous-maître +sous-module sous-multiple sous-nutrition sous-occupation sous-oeillet sous-off +sous-ordre sous-peuplement sous-phase sous-planage sous-porteuse sous-pression +sous-préfecture sous-préfet sous-pâturage sous-race sous-rendement sous-région +sous-secrétariat sous-section sous-seing sous-sol sous-soleuse sous-sphère +sous-tasse sous-titrage sous-titre sous-traitance sous-traitant sous-traité +sous-variant sous-vedette sous-vêtement sous-zone sous-économe sous-équipe +sousbande souscripteur souscription souslik sousou sousouc soussigné +soustraction soutache soutane soutanelle soute soutenabilité soutenance +souteneur souterrain soutien soutier soutirage soutireuse soutra soutrage +souvenance souvenir souverain souveraineté souverainisme souverainiste +soviet soviétique soviétisation soviétisme soviétologue sovkhoze sovnarkhoze +soyer soûlard soûlaud soûlerie soûlographe soûlographie soûlot spaciophile +spaciophobe spaciophobie spadassin spadice spadiciflore spadille spaghetti +spagyrie spahi spallation spalter spanandrie spangolite spanioménorrhée +sparadrap sparaillon spardeck sparganier sparganose sparganum spargoute +sparite sparring-partner spart spartakisme spartakiste sparte sparterie +spartéine spasme spasmodicité spasmolymphatisme spasmolytique spasmophile +spasticité spat spatangue spath spathe spatialisation spatialité spatiocarte +spationautique spationef spatule speaker spectacle spectateur spectre +spectrochimie spectrogramme spectrographe spectrographie spectrohéliographe +spectrométrie spectrophotographie spectrophotomètre spectrophotométrie +spectroradiométrie spectroscope spectroscopie spectroscopiste speculum speech +spencer spergulaire spergule spermaceti spermagglutination spermagglutinine +spermathèque spermaticide spermatide spermatie spermatisme spermatiste +spermatocystite spermatocyte spermatocytogenèse spermatocytome spermatocèle +spermatogonie spermatophore spermatophyte spermatorragie spermatorrhée +spermatothèque spermatozoïde spermaturie sperme spermicide spermie spermine +spermiologie spermisme spermiste spermoculture spermogonie spermogramme +spermophage spermophile spermotoxicité sperrylite spessartite spet sphacèle +sphagnale sphaigne sphalérite sphenodon sphincter sphinctozoaire +sphinctérectomie sphinctérométrie sphinctérométrogramme sphinctéroplastie +sphinctérotomie sphinge sphingidé sphingolipide sphingolipidose sphingomyéline +sphragistique sphygmogramme sphygmographe sphygmographie sphygmologie +sphygmomètre sphygmotensiomètre sphyrnidé sphyrène sphyrénidé sphère sphécidé +sphégien sphénacodonte sphénisciforme sphénisque sphénocéphale sphénocéphalie +sphénophore sphénoptère sphénoïde sphénoïdite sphénoïdotomie sphéricité +sphéridium sphéristique sphéroblastome sphérocobaltite sphérocytose sphérocère +sphérolite sphéromètre sphérophakie sphéroplaste sphéroïde sphéroïdisation +spi spic spica spicilège spiculation spicule spider spiegel spike spilasma +spilitisation spilogale spilonote spilosome spin spinacker spinalgie spinalien +spindle spinelle spineur spinigère spinnaker spinone spinosisme spinosiste +spinoziste spinule spinuloside spinulosisme spioncelle spirachtha spiracle +spiralisation spiramycine spiranne spirante spirantisation spiratella +spire spirifer spirille spirillose spirillum spiritain spirite spiritisme +spiritual spiritualisation spiritualisme spiritualiste spiritualité spirituel +spirochaeta spirochète spirochétose spirogramme spirographe spirographie +spiroheptane spirolactone spiromètre spirométrie spironolactone spirorbe +spirostane spirostomum spirotriche spirotrichonymphine spiruline spirée +splanchnectomie splanchnicectomie splanchnicotomie splanchnodyme +splanchnologie splanchnomicrie splanchnomégalie splanchnopleure splanchnotomie +spleenétique splendeur splénalgie splénectomie splénectomisé splénisation +splénium splénocontraction splénocyte splénocytome splénogramme splénographie +splénome splénomégalie splénopathie splénophlébite splénopneumonie +splénoportomanométrie splénosclérose splénose splénothrombose +splénétique spodomancie spodumène spoliateur spoliation spondophore +spondylarthropathie spondylarthrose spondyle spondylite spondylodiscite +spondylolyse spondylopathie spondyloptose spondylorhéostose spondylose +spondée spongiaire spongiculteur spongiculture spongille spongioblaste +spongiose spongiosité spongolite sponsor sponsoring sponsorisation sponsorisé +spontaniste spontanéisme spontanéiste spontanéité sporadicité sporange spore +sporocyste sporogone sporogonie sporologie sporophyte sporotriche +sporozoaire sporozoose sporozoïte sport sportif sportivité sportule +sporulée spot spoutnik sprat spray sprechgesang spreo springbok springer +sprinkler sprinkleur sprint sprinter sprue spume spumosité spyder spéciale +spécialiste spécialité spéciation spécification spécificité spécifiste +spéciosité spéculaire spéculateur spéculation spéculum spédatrophie spéléiste +spéléologue spéléonaute spéléonébrie spéléotomie squalane squale squalidé +squaloïde squalène squamate squame squamipenne squamosal squamule square +squat squatina squatine squatinidé squatinoïde squatt squatter squatting squaw +squelette squille squire squirre squirrhe stabilimètre stabilisant +stabilisation stabiliseur stabilité stabulation staccato stade stadhouder +staff staffeur stage stagflation stagiaire stagnation stakhanovisme +stakning stalactite stalag stalagmite stalagmomètre stalagmométrie stalinien +stalinisme stalle stance stand standard standardisation standardiste standing +standolisation staniolage staniole stannane stannate stannibromure +stannochlorure stannose stapazin staphisaigre staphylectomie staphylhématome +staphylin staphylinidé staphylinoïde staphylite staphylocoagulase +staphylococcémie staphylocoque staphylome staphyloplastie staphylorraphie +staphylotoxine stapédectomie stapédien star starie starisation starlette +starostie starter starting-block stase stasobasophobie stasophobie stathouder +statice statif station stationnaire stationnale stationnarité stationnement +statisme statisticien statistique statoconie statocratie statocyste +statolâtrie stator statoréacteur statthalter statuaire statue statuette +statut statutiste statère staurolite stauroméduse stauronote staurope +staurotypiné stavug stawug stayer steak steam-cracking steamer steenbok +steeple-chase stegomyia steinbock stellage stellaire stellectomie stellion +stellitage stellite stelléride stem stemm stemmate sten stencil stenciliste +stent stentor steppage steppe stepper steppeur stercobiline stercoraire +stercorome sterculiacée sterculie sterlet sternache sternalgie sternbergite +sternite sternocleidomastoïdien sternocère sternodynie sternogramme +sternopage sternopagie sternoptychidé sternorhynque sternotomie sternoxe +sternutation sternutatoire stertor stevedore steward stewart stewartite sthène +stibiconite stibine stibiochlorure stibiotantalite stichomythie stick stigma +stigmastérol stigmate stigmateur stigmatisation stigmatisme stigmatisé +stigmergie stigmomètre stilb stilbite stilboestrol stilbène stillation +stilobezzia stilpnomélane stilpnotia stilton stimugène stimulant stimulateur +stimuline stimulinémie stimulon stimulovigilance stimulus-signe stipe +stipiture stiple stipulant stipulation stipule stochastique stock stock-car +stockeur stockfisch stockiste stoechiométrie stoker stokésite stolidobranche +stoliste stolon stolonifère stolonisation stolzite stomachique stomate +stomatodynie stomatolalie stomatologie stomatologiste stomatologue +stomatopode stomatorragie stomatoscope stomencéphale stomie stomite stomocorde +stomocéphale stomoxe stop stoppage stopper stoppeur store storiste storyboard +stoïcien stoïcisme strabique strabisme strabologie strabomètre strabotomie +stradiot stradiote stradographe stralsunder stramoine stramonium strangalia +strangurie strapontin strapping strasse stratagème strate stratification +stratifié stratigraphie stratiome stratocratie stratoforteresse stratopause +stratovision stratovolcan stratum stratège stratégie stratégiste streaker +street-dancer strelitzia strengite strepsiptère streptaxidé streptobacille +streptococcie streptococcémie streptocoque streptodiphtérie streptodornase +streptokinase streptolysine streptomycine streptomycète streptothricose +streptozyme stretching strette striage striation striatum stricage striction +stricturectomie stricturotomie stridence stridor stridulation strie striga +strigidé strigiforme strigilaire strigilation strigile string strioscopie +strip-line strip-teaseuse stripage stripper stripping striqueur striqueuse +strobilation strobile strobophotographie stroborama stroboscope stroboscopie +stromatoporidé stromatéidé strombe stromeyérite strongle strongyle strongylose +strongyloïdé stronk stronogyle strontiane strontianite strophaire strophante +strophe strophisme strophosomie strophoïde stropiat strouille structurabilité +structuraliste structuration structure structurologie strudel strume +strumite strunzite struthionidé struthioniforme struvite strychnine +strychnisme strychnée stryge strymon stréphopode stréphopodie stuc stucage +studette studio stuetzite stuka stup stupeur stupidité stupre stupéfaction +sturnelle sturnidé stylalgie stylaria stylastérine style stylet styline +stylisme styliste stylisticien stylistique stylite stylo stylobate stylographe +stylolithe stylomine stylométrie stylonychie styloïde styloïdectomie +styphnate styphnite styptique styracine styrol styrolène styryle styrène +stèle stène stère stéarate stéarine stéarinerie stéarinier stéarolé stéarrhée +stéaschiste stéatite stéatocirrhose stéatocystome stéatolyse stéatome +stéatonécrose stéatopyge stéatopygie stéatornithidé stéatorrhée stéatose +stéganopode stégobie stégocéphale stégodonte stégomyie stégosaure sténidé +sténobiote sténocardie sténochorde sténochorégraphie sténocéphalie +sténodactylo sténodactylographe sténodactylographie sténodictya sténogramme +sténographie sténohalinité sténolème sténoptère sténopé sténosage sténose +sténothermie sténotype sténotypie sténotypiste stéphane stéphanite +stéphanéphore stéphanéphorie stéradian stérage stéride stérile stérilet +stérilisation stériliste stérilité stérol stéroïde stéroïdogenèse stéroïdémie +stéréo stéréoagnosie stéréobate stéréocampimètre stéréocardiogramme +stéréochromie stéréocomparateur stéréoduc stéréodéviation +stéréognosie stéréogramme stéréographie stéréomicroscope stéréomètre +stéréophonie stéréophotographie stéréopréparation stéréoradiographie +stéréoscope stéréoscopie stéréospondyle stéréospécificité stéréosélectivité +stéréotomie stéréotypage stéréotype stéréotypie stéréovision stéthacoustique +stévioside suage suaire suavité subalternation subalterne subception +subconscience subconscient subculture subdelirium subdivision subduction +subdélégation subdélégué suber suberaie subfébrilité subglossite subictère +subjectile subjectivation subjectivisme subjectiviste subjectivité subjonctif +sublaire sublatif sublet subleucémie sublimateur sublimation sublimité sublimé +submatité submersible submersion subminiaturisation subnarcose +subocclusion subongulé subordinatianisme subordination subordonnant subordonné +subornation suborneur subreption subrogateur subrogation subrogeant subrogé +subréflectivité subside subsidence subsidiarité subsistance subsistant +substance substantialisme substantialiste substantialité substantif +substituabilité substituant substitut substitution substitutionnaire +substitué substrat substratum substruction substructure subterfuge subtiline +subtilité subtotale subulina subunité suburbanisation subvention subventionné +subérate subériculteur subériculture subérification subérine subérite subérone +suc successeur successibilité succession succin succinate succine succinimide +succinéine succion succube succulence succursale succursalisme succursaliste +succédané sucement sucet sucette suceur suceuse sucrage sucrase sucrate sucre +sucrier sucrin sucrine sucrose sucé sucée sud-africain sud-américain +sud-vietnamien sudamina sudarabique sudation sudiste sudorification +sudète suette sueur suffect suffisance suffixation suffixe suffocation +suffrage suffragette suffusion suffète sufi sufisme suggestibilité suggestion +suggestologie suggestopédie sugillation suicidaire suicidant suicide +suicidé suidé suie suif suiffage suiforme suin suint suintement suintine +suite suivant suiveur suivi suivisme suiviste sujet sujétion sulcature +sulfamide sulfamidorachie sulfamidorésistance sulfamidothérapie sulfamidurie +sulfanilamide sulfarséniure sulfatage sulfatation sulfate sulfateur sulfateuse +sulfhydrisme sulfhydrométrie sulfhydryle sulfhémoglobine sulfhémoglobinémie +sulfimide sulfinate sulfinisation sulfinone sulfinusation sulfinyle sulfitage +sulfite sulfiteur sulfoantimoniure sulfoarséniure sulfobactérie sulfoborure +sulfocarbonate sulfocarbonisme sulfochlorure sulfocyanate sulfocyanogène +sulfohalite sulfoiodure sulfolane sulfométhylate sulfonal sulfonalone +sulfonation sulfone sulfonyle sulforcarbonisme sulforicinate sulfosel +sulfoxylate sulfurage sulfuration sulfure sulfuride sulfurimètre sulfurisation +sulfényle sulidé sulky sulphurette sulpicien sultan sultanat sultane sultone +sulvinite sumac sumérien suni sunlight sunna sunnisme sunnite superalliage +superbe superbombe superbénéfice supercagnotte supercalculateur supercarburant +superchampion supercherie superciment superconduction superconstellation +superembryonnement superette superfemelle superficiaire superficialité +superfinition superflu superfluide superfluidifiant superfluidité superfluité +superforteresse superfractionnement superfusion superfusée superfécondation +supergalaxie supergouverneur supergrand supergranulation supergéante +supergénération superhétérodyne superimposition superimprégnation +superintendant superinvolution superisolation superlatif superléger +supermarché supermolécule supernaturalisme superobèse superordinateur +superordre superovulation superoxyde superparamagnétisme superphosphate +superposition superproduction superprofit superprovince superprédateur +superpuissance superpétrolier superréaction superréfraction superréfrigération +superstition superstrat superstructure supersymétrie supersynthèse supertanker +supervision superwelter supin supinateur supination supion supplantation +supplication supplice supplicié supplique suppléance suppléant supplément +supplétif support supporter supporteur supposition suppositoire suppresseur +suppuratif suppuration supputation suppôt supraconducteur supraconductibilité +supraconductivité supraconstitutionnalité supraduction supralapsaire +supranationalisme supranationaliste supranationalité supranaturalisme +supremum suprématie suprématisme suprême supérette supérieur supériorité +suraccumulation suractivité suradaptation surah surajoutement suralcoolisation +suramine suramplificateur surannation surapprentissage surarbitre surarmement +surbaissement surbooking surbotte surbouchage surboum surbrillance surcapacité +surcharge surchauffage surchauffe surchauffeur surchômage surclassement +surcompensation surcompression surconsommation surcontre surconvertisseur +surcote surcotisation surcoupe surcoût surcreusement surcroissance surcroît +surcuit surdensité surdent surdimensionnement surdimutité surdité surdosage +surdoué surdélinquance surdétermination surdéveloppement sureffectif surelle +surenchère surenchérissement surenchérisseur surencombrement surendettement +surestarie surestimation surexcitabilité surexcitation surexploitation +surexpression surf surfabrication surface surfaceuse surfactant surfactif +surfaçage surfeur surfil surfilage surfinancement surforage surfrappe +surfécondation surgelé surgeon surgissement surglaçage surgraissant +surgé surgélateur surgélation surgénérateur surhaussement surhomme surhumanité +surikate surimposition surimpression surin surindustrialisation surineur +surinformation surintendance surintendant surintensité surinvestissement +surjection surjet surjeteuse surlargeur surlendemain surligneur surliure +surloyer surmaturation surmaturité surmenage surmodulation surmontage +surmortalité surmoulage surmoule surmoulé surmulet surmulot surmultiplication +surnatalité surnaturalisme surnaturaliste surnie surnom surnombre surnuméraire +suroffre suroxydation suroxygénation suroît surpalite surpassement surpaye +surpiquage surpiqûre surplomb surplombement surpopulation surpresseur +surprime surprise surproduction surprofit surprotection surpuissance +surpêche surqualification surra surrection surremise surreprésentation surrier +surréaction surréalisme surréaliste surréalité surréflectivité surrégime +surrégénération surrémunération surrénale surrénalectomie surrénalite +surréservation sursalaire sursalure sursaturation sursaut surserrage +sursimulation sursitaire sursolide sursoufflage surstabilisation +surstock surstockage surstructure sursulfatage sursumvergence surséance +surtare surtaxation surtaxe surteinture surtensiomètre surtension surtitre +surtout surucucu surutilisation survaleur survalorisation surveillance +survenance survente survenue surviabilité survie survieillissement survirage +survitrage survivance survivant survol survoltage survolteur survêtement +surélèvement surélévation surémission surépaisseur suréquipement surérogation +sus-dominante susannite susceptibilité suscription susdit susdénommé sushi +suspect suspense suspenseur suspension suspensoir suspensoïde suspente +sussexite sustentation susurration susurrement suture suvière suzerain +suçoir suçon suède suédine suédé suée svabite svanbergite svastika sveltesse +swahéli swami swap swapping swastika swazi sweater sweatshirt sweepstake swing +sybaritisme sycomancie sycomore sycophante sycéphalien sydnonimine sylepta +syllabaire syllabation syllabe syllabisme syllepse syllogisme syllogistique +sylphide sylphilide sylvain sylvanite sylvanne sylve sylvestrin sylvestrène +sylviculteur sylviculture sylviidé sylvinite sylvite symbionte symbiose +symblépharon symbole symbolicité symbolique symbolisation symbolisme +symbolofidéisme symbrachydactylie symmachie symmétrodonte sympathalgie +sympathicectomie sympathicisme sympathicogonioblastome sympathicogoniome +sympathicomimétique sympathicothérapie sympathicotonie sympathicotripsie +sympathie sympathique sympathisant sympathoblastome sympathocytome +sympathologie sympatholyse sympatholytique sympathome sympathomimétique +symphalangisme symphatnie symphilie symphonie symphoniste symphorine +symphyle symphyse symphysite symphysodon symphyséotomie symphyte symphytie +sympode sympolitie symposiarque symposion symposium symptomatologie symptôme +symélie symétrie symétrique symétrisation symétriseur synactène synadelphe +synagre synalgie synalgésie synallélognathie synalèphe synanthérale +synaphie synapse synapside synapsie synaptase synapte synaptosaurien synaraxie +synarthrose synascidie synaxaire synaxe synbranchiforme syncaride +syncelle syncheilie synchilie synchloé synchondrose synchondrotomie +synchrocyclotron synchrodiscriminateur synchromisme synchromiste synchronicité +synchronisation synchroniseur synchroniseuse synchronisme synchrophasotron +synchrorépétiteur synchrorésolveur synchrotransmetteur synchrotron syncinésie +synclitisme syncope syncristallisation syncrétisme syncrétiste syncytiome +syndactylie synderme syndesmodysplasie syndesmopexie syndesmophyte +syndesmoplastie syndesmose syndesmotomie syndic syndicalisation syndicalisme +syndicat syndicataire syndication syndiqué syndrome syndérèse synecdoque +synechtrie synectique synema synencéphalocèle synergide synergie synergisme +synestalgie synesthésalgie synesthésie synfibrose syngame syngamie syngamose +syngnathidé syngnathiforme syngénite synisoma synode synodidé synodique +synoecie synoecisme synoecète synonyme synonymie synophtalmie synopse synopsie +synoptophore synoptoscope synorchidie synostose synovectomie synoviale +synovie synoviolyse synoviorthèse synoviosarcome synoviothérapie synovite +syntactique syntagmatique syntagme syntaxe synthèse synthé synthétase +synthétisme synthétiste syntonie syntonisation syntoniseur synténie synusie +synèdre synéchie synéchotomie synécie synécologie synérèse syphilide +syphiligraphie syphiliographie syphilisation syphilitique syphilographe +syphilome syphilophobe syphilophobie syphiloïde syphonome syriaque syrien +syringe syringine syringome syringomyélie syringomyélobulbie syringopore +syritta syrphe syrphidé syrrhapte syrte sysomien systole systyle système +systématicité systématique systématisation systématisme systématologie +systémique systémisme syzygie syénite szajbélyite szlachta sèche sème sève +séant sébaste sébestier sébile sébocystomatose sébopoïèse séborrhée +sébum sécante sécateur sécession sécessionnisme sécessionniste séchage +sécherie sécheur sécheuse séchoir sécobarbital sécologanine sécologanoside +sécréteur sécrétine sécrétion sécularisation sécularisme sécularité séculier +sécurité sédatif sédation sédentaire sédentarisation sédentarité sédiment +sédimentologie sédition séducteur séduction sédélocien séfarade séfardite +ségestrie séghia ségrairie ségrayer ségrégabilité ségrégation ségrégationnisme +séguedille séguidilla ségétière séhire séide séisme séismicité séismogramme +séismographie séismologie séismomètre séismonastie séisonide séjour sélacien +sélecteur sélectine sélection sélectionneur sélectionniste sélectionné +séleucide séline sélénate séléniate sélénie sélénien séléniophosphure +sélénite séléniure sélénocyanogène sélénodésie sélénographie sélénol +sélénologue sélénomaniaque sélénomanie sélénophosphate sélénophène +sélénosulfate sélénoéther sélényle sémanticien sémantique sémantisme sémantème +sémaphoriste sémasiologie sémelfactif sémidine sémillon séminaire séminariste +sémiographie sémiologie sémiologiste sémiologue sémioticien sémiotique sémite +sémitisme sémitologie sémitologue sémoussage sémème séméiographie séméiologie +séméostome sénaire sénarmontite sénat sénateur sénatorerie sénescence +sénestre sénestrochère sénevol sénevé séneçon sénilisme sénilité séniorat +sénologie sénologue sénousisme sénousiste séné sénéchaussée sénégali +sénégambien séoudien sépale séparabilité séparateur séparation séparatisme +sépharade sépia sépidie sépiole sépiolite sépioïde sépulcre sépulture séquelle +séquencement séquenceur séquent séquençage séquestrant séquestration séquestre +séquestrotomie séquoia sérac sérail séranceur sérancolin sérançage sérançoir +séraskier séraskiérat séreuse sérial sérialisation sérialiseur sérialisme +sériation sériciculteur sériciculture séricigraphie séricine séricite +série sérieur sérigraphe sérigraphie sérine sériographe sériographie sériole +séroconservation séroconversion séroconverti sérodiagnostic sérofloculation +sérole sérologie sérologiste séromucoïde séronégatif séronégativité +séropositivité séroprophylaxie séroprotection séroprécipitation séroprévalence +séroréaction sérosité sérothèque sérothérapie sérotine sérotonine +sérotoninémie sérotype sérotypie séroual sérovaccination sérozyme sérum +sérumglobuline sérumthérapie sérénade sérénité sésame sésamie sésamoïde +sésie sétaire sétier sétifer séton sévillan sévrienne sévérité sûreté t-shirt +tabacomanie tabaculteur tabaculture tabagie tabagisme tabanidé tabar tabard +tabassage tabassée tabatière tabellaire tabelle tabellion tabernacle tabla +tablar tablature table tableautin tabletier tablette tabletterie tableur +tabloïd tabloïde tablée tabor taborite tabou tabouisation taboulé tabouret +tabulation tabulatrice tabulé tabun tacaud tacca taccardia tacco tacet tache +tachina tachinaire tachine tachinidé tachisme tachiste tachistoscope +tachographie tachyarythmie tachycardie tachydromia tachygenèse tachyglossidé +tachygraphie tachyhydrite tachylite tachymètre tachyon tachyphagie +tachyphémie tachypnée tachypsychie tachysynéthie tachysystolie tachéographe +tachéométrie taciturnité tacle tacographie tacon taconnage tacot tact +tacticographie tactique tactisme tactivité tadjik tadorne taedium tael taenia +taenicide taenifuge taeniocampa taeniodonte taeniolite taenite taffetatier +tag tagal tagalog tagette tagger tagine tagliatelle tagme tagueur tagète +tahr taie taifa taillade taillage taillanderie taillandier taillant taille +tailleur tailleuse tailloir taillole tain tainiolite taisson tajine taka +takin tala talalgie talapoin talc talcage talcose talcschiste taled talent +taliban talion talisman talismanie talite talitol talitre talitridé talk-show +talle talleth tallipot tallith talmessite talmouse talmud talmudiste taloche +talonnade talonnage talonnement talonnette talonneur talonnier talonnière +talose talot talpache talpack talpidé talquage talure talweg talégalle tam-tam +tamanoir tamarin tamarinier tamarugite tamatia tambouille tambour tambourin +tambourinaire tambourinement tambourineur tamia tamier tamil tamisage +tamiseur tamiseuse tamisier tamoul tamouré tamoxifène tampico tampon +tamponnage tamponnement tamponnier tamponnoir tan tanacétone tanagra tanagridé +tanche tandem tandémiste tangage tangara tangasaure tangence tangente +tangibilité tango tangon tanguage tangue tanguière tanin tanisage tanière tank +tankiste tannage tannate tanne tannerie tanneur tannin tannisage tanné tannée +tansad tantalate tantale tantalifluorure tantalite tante tantine tantième +tantouze tantrisme tanusia tanzanien taon taoïsme taoïste tapaculo tapage +tapaya tape tapecul tapement tapenade tapette tapeur taphonomie taphophilie +tapineur tapinocéphale tapinome tapioca tapiolite tapir tapiridé tapis-brosse +tapissement tapisserie tapissier tapissière tapon tapotage tapotement tapure +tapée tapéinocéphalie taquage taque taquet taqueuse taquin taquinerie taquoir +tara tarabiscot tarabiscotage tarage tarama tarantulidé tararage tarare +taraud taraudage taraudeur taraudeuse taravelle taraxastérol taraï tarbouch +tarbuttite tardenoisien tardigrade tardillon tardiveté tare tarente tarentelle +tarentisme tarentule tarentulisme taret targe targette targeur targum +tari taricheute tarier tarif tarification tarin tarissement tarière tarlatane +tarmacadam taro tarot tarpan tarpon tarsalgie tarse tarsectomie tarsien +tarsiiforme tarsite tarsomégalie tarsoplastie tarsoptose tarsoptôse +tartan tartane tartare tartarie tartarin tartarinade tarte tartelette +tartiflette tartine tartouilleur tartrate tartre tartricage tartufe tartuferie +tartufferie tarzan taré tasicinésie tasikinésie tasmanien tassage tasse +tassement tassergal tassette tasseur tassili tastevin tata tatami tatane tatar +tatou tatouage tatoueur taud taude taudification taulard taule taulier taupe +taupin taupine taupineure taupineuse taupinière taupinée taupière taupomancie +taure taurelière taurillon taurin taurobole taurocholate taurodontisme +taurotrague tautogramme tautologie tautologue tautomérie tautomérisation +tavaillon tavaïolle tavellage tavellette tavelure taverne tavernier tavillon +taxateur taxation taxaudier taxe taxeur taxi taxiarchat taxiarchie taxiarque +taxidermie taxidermiste taxidé taxie taximètre taxine taxinomie taxinomiste +taxiphone taxiway taxodier taxodium taxodonte taxon taxonomie taxonomiste +taylorien taylorisation taylorisme tayole tayra tazettine taël taïga taïpan +tchadanthrope tchadien tchador tcharchaf tchatche tchatcheur tcheco +tchetchène tchirou tchitola tchouvache tchèque tchécoslovaque tchékiste +tchétchène team tec technicien technicisation technicité technique +technocrate technocratie technocratisation technocratisme technodémocratie +technologie technologiste technologue technopathie technophilie technopole +technoscience technostructure technotypologie technème teck teckel +tectite tectonique tectonisation tectonophysique tectosilicate tectrice +tee tee-shirt teen-ager teenager teesdalie teeshirt teetotalisme teetotaliste +tegmentum tegula teichomyza teichopsie teigne teilhardisme teillage teille +teilleuse teinopalpe teint teinte teinture teinturerie teinturier tek tekel +tellière tellurate tellurisme tellurite telluromètre tellurure telson +temnospondyle tempe temple templette templier tempo temporalité temporel +temporisation temporiseur tempérage tempérament tempérance tempérant +tempête tempêteur tenaille tenaillement tenaillon tenancier tenant tendance +tendelle tender tenderie tendeur tendinite tendinopériostite tendoir tendoire +tendre tendresse tendreté tendron tendue teneur teneurmètre tennantite tenon +tenonnage tenonneuse tenrec tenrécidé tenseur tensioactif tensioactivité +tensiométrie tension tensionnage tenson tensorialité tentacule tentaculifère +tentateur tentation tentative tente tenthrède tentoir tenture tenu tenue +tepidarium tequila terbine tercet terebellum terebra terfèze tergal tergite +terlinguaïte termaillage terme terminage terminaison terminale terminateur +terminisme terministe terminologie terminologue termite termitidé termitière +termitoxénie terne ternissement ternissure terpine terpinol terpinolène +terpinéol terpolymère terpène terpénoïde terrafungine terrage terraille +terramare terraplane terrapène terrarium terrasse terrassement terrassier +terre-neuvien terreautage terrefort terreur terri terrien terrier terril +territoire territorialité terroir terroriseur terrorisme terroriste terson +tertiairisation tertiarisation tertiobutanol tertiobutylate tertiobutyle +tervueren terzetto tesla tesselle tessiture tesson tessure tessère test +testacelle testacé testage testament testateur testeur testicardine testicule +testocorticostéroïde testocorticoïde testologie teston testostérone +testudinidé tetramorium tetraneura tetrastemma tette tettigie tettigomètre +tettigoniidé teugue teuthoïde teuton teutonisme texan texte textile textologie +texturage texturation texture texturisation thalamolyse thalamotomie +thalassidrome thalassine thalassocratie thalassophobie thalassophryné +thalassothérapie thalassotoque thalassémie thalattosaurien thaler thaliacé +thalle thallophyte thallospore thalmudomancie thalweg thalénite thameng thamin +thanatologie thanatophobie thanatopracteur thanatopraxie thane thaumasite +thaumaturgie thaumétopée thazard thaï thecla thelomania themagg theridium +thermalisation thermalisme thermalité thermicien thermicité thermidorien +thermique thermisation thermistance thermisteur thermistor thermite +thermoanalgésie thermoanesthésie thermobalance thermocautère thermochimie +thermocinétique thermoclastie thermoclimatisme thermocline thermocoagulation +thermocollant thermocolorimètre thermocompresseur thermoconduction +thermocopie thermocouleur thermocouple thermodiffusion thermodilution +thermodynamicien thermodynamique thermoesthésie thermofixage thermofixation +thermogenèse thermogramme thermographe thermographie thermogravimétrie +thermoimpression thermolabilité thermoluminescence thermolyse thermomagnétisme +thermomanomètre thermomassage thermomètre thermométamorphisme thermométrie +thermonatrite thermoneutralité thermoparesthésie thermophobie thermophone +thermopile thermoplaste thermoplastique thermoplongeur thermopompe +thermopropulsion thermopénétration thermopériode thermopériodisme +thermorécepteur thermorégulateur thermorégulation thermorégénération +thermorésistance thermorétractabilité thermosbaena thermoscope +thermosiphon thermosphère thermostabilité thermostarter thermostat +thermothérapie thermotropisme thermovinification thermoélasticité +thermoélectronique thermoémission thesmothète thessalien thial thiamine +thiara thiase thiasote thiazine thiazole thiazolidine thiazoline thibaude +thigmotriche thigmotropisme thinocore thio-uracile thioacide thioacétal +thioacétate thioalcool thioaldéhyde thioamide thiobactériale thiobactérie +thiocarbonate thiocarbonyle thiocarboxyle thiocrésol thiocyanate thiocyanogène +thiofène thiogenèse thioglycolate thiokol thiol thiolate thioleucobactérie +thionamide thionaphtène thionate thione thionine thionyle thiopental +thiophène thiophénol thiopurinol thiorhodobactérie thiosulfate thioénol +thirame thiurame thixotropie thiémie thlaspi thlipsencéphale tholéiite +thomise thomisidé thomisme thomiste thomsenolite thomsonite thon thonaire +thonine thoracanthe thoracectomie thoracentèse thoracocentèse thoracométrie +thoracoplastie thoracosaure thoracoscopie thoracostracé thoracotomie +thoradelphie thorianite thorine thorite thorogummite thoron thorotrastose +thrace thraupidé thresciornithidé thridace thriller thripidé thrombase +thrombectomie thrombiculidé thrombididé thrombidiose thrombidium thrombine +thrombinomimétique thrombo-angéite thrombocyte thrombocytolyse +thrombocytopoïèse thrombocytopénie thrombocytose thrombocytémie +thrombodynamographe thrombodynamographie thrombogenèse thrombographie +thrombokinase thrombokinine thrombolyse thrombolysine thrombomoduline +thrombophilie thrombophlébite thromboplastine thromboplastinoformation +thromboplastinogénase thrombopoïèse thrombopoïétine thrombopénie +thrombose thrombospondine thrombosthénine thrombotest thrombotique thromboxane +thrombélastogramme thrombélastographe thrombélastographie thrène thréite +thréonine thréose thug thuggisme thulite thune thunnidé thuriféraire +thuya thuyol thuyone thyiade thylacine thylogale thym thymectomie thymidine +thymie thymine thymoanaleptique thymocyte thymocytome thymodépendance thymol +thymolipome thymome thymoparathyroïdectomie thymopoïétine thymorégulateur +thymostabilisateur thymoépithéliome thymuline thyméléacée thyratron thyristor +thyroglobuline thyroid thyropathie thyrostimuline thyrotomie thyrotoxicose +thyrotropin thyrotropine thyroxine thyroxinoformation thyroxinothérapie +thyroïde thyroïdectomie thyroïdien thyroïdisme thyroïdite thyroïdose +thyroïtoxémie thyrse thyréocèle thyréoglobuline thyréolibérine thyréopathie +thyréose thyréostimuline thyréotoxicose thyréotrophine thyréotropine thysanie +thysanoptéroïde thysanoure thème thèque thèse thé théacée théatin thébain +thébaïne thébaïque thébaïsme thébaïste thécaire thécamoebien thécome thécosome +théine théisme théiste théière thélalgie thélarche thélite thélodonte +thélotisme thélyphonide thélytoquie thématique thématisation thématisme thénar +théobaldia théobroma théobromine théocentrisme théocratie théodicée théodolite +théogonie théologie théologien théomancie théope théophanie théophilanthrope +théophylline théopneustie théorbe théore théoricien théorie théorisation +théorétique théosophe théosophie théralite thérapeute thérapeutique théraphose +thérapie thérapon thérapside thériaque théridion thérien thériodonte théristre +théromorphe théropithèque théropode théropsidé thérèse thésard thésaurisation +thésaurismose thésaurose théurge théurgie théurgiste théâtralisation +théâtralité théâtre théâtrothérapie thête tian tiare tibia tibétain +tic ticage tical tichodrome tick ticket ticlopidine tictac tie-break +tiento tierce tiercefeuille tiercelet tiercement tierceron tiercé tiercée +tiers-mondiste tierçage tif tiffe tige tigelle tigette tiglate tiglon tignasse +tigre tigresse tigridie tigrisome tigron tigréen tilapia tilasite tilbury +tiliacée tilique tillac tillage tillandsia tillandsie tille tilleul tilleur +tillodonte tillotte tilurelle timalie timaliidé timarche timbale timbalier +timbre timbré timide timidité timing timocratie timolol timon timonerie +timoré timélie tin tinamiforme tinamou tincal tine tinemi tinette tingidé +tinne tinsel tintamarre tintement tintinnide tintouin tinéidé tiphie tipi +tipulidé tique tiquet tiqueture tiqueur tir tirade tirage tiraillage +tiraillerie tirailleur tirant tirasse tiraude tire tire-balle tire-cale +tire-dent tire-joint tire-nerf tire-pied tire-point tire-sou tirefond +tirelire tiret tiretaine tirette tireté tireur tireuse tiroir tiré tirée +tisane tisanerie tisanière tiseur tison tisonnement tisonnier tissage +tisserin tisseur tissotia tissu tissure tissuterie tissutier titan titanate +titanobromure titanochlorure titanofluorure titanomachie titanomagnétite +titanosuchien titanothère titanyle titi titien titillation titillomanie +titiste titrage titration titre titreuse titrimétrie titrisation titubation +titulariat titularisation titularité titulature tiédeur tiédissement tmèse +toast toastage toaster toasteur toboggan toc tocade tocante tocard toccata +toco tocographie tocologie tocolyse tocolytique tocophérol tocsin todier toge +toile toilerie toilettage toilette toiletteur toileuse toilier toilé toise +toisé toit toiture tokamak token tokharien toko tokophrya tokyoïte tokélau +tolane tolar tolbutamide tolbutamine tolet toletière tolglybutamide tolidine +tollé tolstoïsme tolu tolualdéhyde toluidine tolunitrile toluol toluyle +toluènesulfonate toluènesulfonyle tolyle tolypeute tolérance tolérantisme +tomahawk tomaison toman tomate tomatidine tombac tombale tombant tombe +tomber tombeur tombisseur tombola tombolo tombée tome tomette tomme tommette +tomodensimétrie tomodensitomètre tomodensitométrie tomogramme tomographe +tomophasie tomophotographie tomoptère tomoscintigraphie tomoéchographie ton +tonalité tonca tondage tondaille tondaison tondeur tondeuse tondu tong tongan +tonie tonifiant tonification tonilière tonique tonisme tonka tonnage tonne +tonnelet tonneleur tonnelier tonnelle tonnellerie tonnerre tonographe +tonologie tonolyse tonomètre tonométrie tonoscopie tonotopie tonotropisme +tonsillectomie tonsillotome tonsillotomie tonstein tonsure tonsuré tonte +tontisse tonton tonture tonétique top toparchie toparque topaze topazolite +topette topholipome topi topiairiste topicalisation topinambour topique topo +topoclimat topoesthésie topognosie topographe topographie topologie topométrie +toponyme toponymie toponymiste topophylaxie topotomie toquade toquante toquard +toquet toqué torana torbernite torcel torchage torche torchecul torchon +torchée torcol torcou tord-fil torda tordage tordeur tordeuse tordoir tordu +torero toreutique torgnole toril tormentille tornade tornaria tornasseur toron +torpeur torpillage torpille torpillerie torpilleur torpédiniforme torpédo +torquette torr torrent torréfacteur torréfaction torréfieur torsade torse +torsin torsinage torsine torsiomètre torsion tort tortil tortillage tortillard +tortillement tortillon tortillère tortionnaire tortricidé tortue tortuosité +torulopsidose torulose toryme torymidé torysme toréador toscan tosyle totale +totalisation totaliseur totalitarisme totalitariste totalité totem totipalme +toto toton totémisme totémiste touage touaille touareg toubib toucan toucanet +toucher touchette toucheur touchée toue toueur touffe touffeur touillage +toulette touloucouna touloupe toulousain toundra toungouse toungouze toupaye +toupie toupillage toupilleur toupilleuse toupillon touque tour tour-opérateur +tourage touraillage touraille touraillon touraine touranien tourbe tourbier +tourbillonnement tourbillonniste tourbière tourd tourde tourdelle tourelle +tourie tourier tourillon tourillonnement tourillonneuse tourin tourisme +touriste tourière tourlourou tourmaline tourment tourmente tourmenteur +tourmenté tournage tournant tournasage tournaseur tournassage tournasseur +tourne tourne-pierre tournebride tournebroche tournefeuille tournefil +tournerie tournesol tournette tourneur tournevent tournille tourniole +tournisse tournière tournoi tournoiement tournure tournée touron tourte +tourtière touselle toussaint tousserie tousseur toussotement tout-fou toutou +township toxalbumine toxaphène toxaster toxicarol toxicité toxico toxicodermie +toxicologiste toxicologue toxicomane toxicomaniaque toxicomanie +toxicomanologiste toxicose toxicovigilance toxidermie toxie toxine +toxinose toxinothérapie toxiphobie toxique toxithérapie toxocara toxocarose +toxogénine toxophore toxoplasme toxoplasmose toxotidé toxoïde toxémie tozama +trabe traboule trabécule trabéculectomie trabéculoplastie trabéculorétraction +trabéculum trabée trac tracanage tracanoir tracasserie tracassier tracassin +trace tracelet tracement traceret traceur trachelhématome trachinidé +trachiptéridé trachome trachyandésite trachybasalte trachylide trachyméduse +trachyptéridé trachyte trachéate trachée trachéide trachéite trachélisme +trachélorraphie trachéobranchie trachéobronchite trachéobronchoscopie +trachéofistulisation trachéomalacie trachéopathie trachéoplastie trachéoscopie +trachéosténose trachéotomie tract tractation tracteur traction tractionnaire +tractoriste tractotomie tractrice tracé trader tradescantia traditeur +traditionalisme traditionaliste traditionnaire traducteur traductibilité +traductrice trafic traficotage traficoteur trafiquant trafiqueur trafusage +trafusoire tragacantha trage tragi-comédie tragique tragopan tragulidé +tragédien tragélaphiné trahison traille train trainglot training trait +traite traitement traiteur traitoir traité trajectographie trajectoire trajet +tralala tram trama tramage tramail trame trameur trameuse traminot tramontane +tramping trampoline trampoliniste tramway trancanage trancaneuse tranchage +tranche tranche-lard tranchefil tranchefile tranchelard tranchement tranchet +trancheuse tranchoir tranchée tranquillisant tranquillisation tranquillityite +transactinide transaction transactivation transacylase transaldolase +transaminase transaminasémie transamination transat transatlantique +transbahutement transbordement transbordeur transcendance transcendantalisme +transcodage transcodeur transcomplémentation transconteneur transcortine +transcripteur transcription transculturation transcétolase transducteur +transe transept transfection transferrine transfert transfiguration transfil +transfixion transfluence transfo transformateur transformation +transformationniste transformisme transformiste transformé transformée +transfuseur transfusion transfusionniste transfusé transfèrement +transférase transgresseur transgression transgénèse transhumance transhumant +transillumination transistor transistorisation transit transitaire transitif +transitivité transitoire translaboration translatage translatation translateur +translation translittération translitération translocation translucidité +transmetteur transmigration transmissibilité transmission transmodulation +transmutation transmuée transméthylation transnationalisation transorbitome +transpalette transparence transparent transpeptidase transpercement +transplant transplantation transplantement transplanteur transplantoir +transplanté transpondeur transport transportation transporteur transpositeur +transposon transposée transputeur transsaharien transsexualisme transsexualité +transsibérien transsonance transsonnance transstockeur transsubstantiation +transsudation transthermie transvasage transvasement transverbération +transversale transversalité transversectomie transvestisme transylvanien +trapillon trapp trappage trappe trappette trappeur trappillon trapping +trappistine trapèze trapéziste trapézite trapézoèdre trapézoïde traque +traquet traqueur trattoria traulet traulisme trauma traumatisme traumatisé +traumatologiste traumatologue traumatopnée travail travailleur travailleuse +travailliste trave travelage traveling traveller travelling travelo traversage +traversier traversin traversine traversière traversée travertin travesti +travestissement travée trayeur trayeuse trayon traçabilité traçage traçoir +traînard traînasse traînassement traîne traînement traîneur traînée traître +trechmannite treillage treillageur treillagiste treille treillissé treizain +treizième trek trekking tremblador tremblaie tremblante tremble tremblement +trembleuse tremblote tremblotement tremblé trempabilité trempage trempe +trempeur tremplin trempé trempée trenail trench trend trentain trentaine +trentenier trentième treponema trescheur tressage tressaillage tressaillement +tressautement tresse tresseur tressé treuil treuillage tri triacide triacétate +triage triaire triakidé trial trialcool triale trialisme trialiste trialle +triandrie triangle triangulation triathlon triathlonien triatome triatomicité +triazine triazole triazène tribade tribadisme tribalisme tribaliste triballe +tribolium tribologie triboluminescence tribomètre tribométrie tribord +triboélectricité tribraque tribromure tribu tribulation tribun tribunat +tribut tributylphosphate tric tricard tricentenaire triche tricherie +tricheur trichie trichilia trichine trichinoscope trichinose trichite +trichiuridé trichloracétaldéhyde trichloracétate trichlorométhane +trichlorosilane trichlorure trichloréthanal trichloréthylène trichobothrie +trichoclasie trichoclastie trichocère trichocéphale trichocéphalose +trichodecte trichodesmotoxicose trichogamie trichoglosse trichoglossie +tricholeucocyte trichologie tricholome trichoma trichomalacie trichomanie +trichome trichomonadale trichomonase trichomycose trichomyctéridé +trichonodose trichonymphine trichophobie trichophytide trichophytie +trichoptilose trichoptère trichoptérygidé trichorrhexie trichorrhexomanie +trichosporie trichostome trichotillomanie trichotomie trichromie trichéchidé +trick trickster triclade triclinium tricondyle triconodonte tricorne tricot +tricoterie tricoteur tricoteuse tricouni tricrésylphosphate trictrac +tricuspidite tricycle tricyclène tricyphona tricéphale tricône tridacne +tridem trident tridi trididemnum triduum tridymite tridémisme triecphora triel +triennat triergol triester trieur trieuse trifluorure trifolium triforium +trifurcation trige trigger trigle triglidé triglycéride triglycéridémie +triglyphe trigonalisation trigone trigonelle trigonie trigonite trigonocratie +trigonocéphalie trigonométrie trigonosomie trigramme trigéminisme trihydrate +triiodure trilatération trille trillion trilobite trilobitomorphe trilobitoïde +trilon trilophodon triloupe trimaran trimard trimardeur trimbalage +trimballage trimballement trimer trimestre trimestrialité trimmer trimoteur +trimérisation trimérite triméthoprime triméthylamine triméthylbenzène +triméthylglycocolle triméthylène triméthylèneglycol trinema tringlage tringle +tringlot trinidadien trinitaire trinitraniline trinitranisole trinitrine +trinitrométaxylène trinitrométhane trinitronaphtalène trinitrophénol +trinitrorésorcinate trinitrorésorcinol trinitrotoluène trinité trinquart +trinquet trinquette trinqueur trinôme trio triocéphale triode triol triolet +trioléine triomphalisme triomphaliste triomphateur triomphe trional triongulin +triorchidie triose trioxanne trioxyde trioxyméthylène trioza trip tripaille +tripartisme tripartition tripatouillage tripatouilleur tripe triperie +triphane triphosphatase triphosphate triphtongue triphylite triphène triphénol +triphénylméthane triphénylméthanol triphénylméthyle triphénylométhane +tripier triplace triplan triple triplement triplet triplette triplicité +triplopie triploïde triploïdie triplure triplé triplégie tripodie tripoli +tripot tripotage tripoteur tripotée tripoxylon trippkéite triptyque tripuhyite +trique triqueballe triquet triquetrum triquètre trirègne trirème trisaïeul +trisecteur trisection trisectrice triskèle trisme trisoc trisomie trisomique +tristesse trisulfure trisyllabe trisymptôme trisyndrome tritagoniste tritane +tritanomalie tritanope tritanopie triterpène trithianne trithérapie triticale +tritonal tritonalia tritonie triturateur trituration tritureuse trityle +triumvir triumvirat trivia trivialité trivium trivoiturette trièdre trière +triérarque triéthanolamine triéthylalane triéthylamine triéthylèneglycol trna +trocart trochanter troche trochet trochidé trochile trochilidé trochilium +trochiscation trochisque trochiter trochlée trochocochlea trochocéphalie +trochosphère trochoïde trochoïdea trochure trochée troctolite troctomorphe +trogiomorphe troglobie troglodyte trogne trognon trogoderme trogonidé +trogonoptère trogosite troisième troll trolle trolley trombe trombiculidé +trombidion trombidiose trombine trombinoscope tromblon trombone tromboniste +trompe tromperie trompeteur trompette trompettiste trompeur trompillon trona +troncation troncature tronce tronche tronchet tronculite trondhjémite tronçon +tronçonnement tronçonneur tronçonneuse tropaeloacée tropane tropanol tropanone +trophallaxie trophallergène trophectoderme trophicité trophie trophine +trophoblaste trophoblastome trophodermatoneurose trophoedème trophonose +trophonévrose trophopathie trophophylaxie trophosome trophotropisme +trophozoïte trophée tropicalisation tropidine tropidophora tropidophore +tropie tropilidène tropine tropinote tropique tropisme tropologie tropolone +tropopause troposphère tropylium tropène troque troquet troqueur trot +trotskiste trotskysme trotskyste trotte trotteur trotteuse trottin +trottinette trotting trottoir trou troubade troubadour trouble troufignon +trouillard trouille trouillomètre troupe troupiale troupier troussage trousse +troussequin trousseur troussière troussoire trouvaille trouveur trouvère +troyen troène troïka troïlite truand truandage truanderie truble trublion truc +truchement truck truculence truelle truellette truellée truffage truffe +trufficulture truffière truie truisme truite truitelle truiticulteur +truquage truqueur truquiste trusquin trust truste trustee trusteur +trutticulture tryblidium trypanide trypanocide trypanosoma trypanosomatose +trypanosomiase trypanosomide trypanosomose trypeta trypetocera trypoxylon +trypsinogène tryptamine tryptase tryptophane trypétidé trèfle trébuchage +trébuchet trécheur tréfilage tréfilerie tréfileur tréfileuse tréflière +trélingage tréma trémail trémat trématage trématode trématosaure trémelle +trémolite trémolo trémoussement trémulation trépan trépanage trépanation +trépané trépassé tréphocyte tréphone trépidation trépied trépignement +trépointe tréponème tréponématose tréponémicide tréponémose tréponémémie +trésaille trésaillure trésor trésorerie trésorier trétinoïne trévire trévise +trêve trône trônière tsar tsarisme tsariste tsarévitch tscheffkinite +tsigane tsunami tuage tuatara tub tuba tubage tubard tube tuber tubercule +tuberculination tuberculine tuberculinisation tuberculinothérapie +tuberculome tuberculose tuberculostatique tuberculémie tubinare tubipore +tubitèle tubocurarine tuboscopie tubotympanite tuboïde tubulaire tubule +tubulhématie tubulidenté tubulifère tubulonéphrite tubulonéphrose tubulopathie +tubérale tubéreuse tubérisation tubérosité tuc tuciste tucotuco tuerie tueur +tuffite tuftsin tug tugrik tui tuilage tuile tuilerie tuilette tuileur tuilier +tularémie tulipe tulipier tulipière tulle tullerie tulliste tumba tumescence +tumorectomie tumorigenèse tumorlet tumulte tuméfaction tunage tune tuner tunga +tungose tungstate tungstite tungstosilicate tunicelle tunicier tunique +tunisite tunnel tunnelage tunnelier tunnellisation tupaiiforme tupaja tupaïa +tuque turban turbe turbeh turbellarié turbidimètre turbidimétrie turbidite +turbimétrie turbin turbinage turbine turbinectomie turbinelle turbineur +turbith turbo turboagitateur turboalternateur turbobroyeur turbocombustible +turbodisperseur turbofiltre turboforage turbofraise turbofrein turbogénérateur +turbomoteur turbopompe turbopropulseur turboréacteur turbosoufflante +turbosuralimentation turbosurpresseur turbot turbotin turbotière turbotrain +turbulence turbé turc turcie turco turcologue turcophone turdidé turf turfiste +turion turista turkmène turlupin turlupinade turlutaine turlutte turmérone +turnep turnicidé turnover turonien turpidité turpitude turquerie turquette +turquisation turquisme turquoise turricéphalie turridé turritelle tussah +tussor tussore tutelle tuteur tuteurage tuthie tutie tutiorisme tutoiement +tutorial tutoyeur tutsi tutu tuyautage tuyauterie tuyauteur tuyauté tuyère tué +tween tweeter twill twist twistane tycoon tylenchidé tylome tylopode tympan +tympanite tympanogramme tympanométrie tympanon tympanoplastie tympanosclérose +typage type typha typhacée typhaea typhique typhlectasie typhlite +typhlocolite typhlocyba typhlomégalie typhlonecte typhlopexie typhlopidé +typhlosigmoïdostomie typhlostomie typhomycine typhon typhose typhoïde +typique typo typochromie typocoelographie typographe typographie +typologie typominerviste typomètre typon typothérien typtologie tyraminase +tyraminémie tyran tyrannicide tyrannie tyrannosaure tyria tyrien tyrocidine +tyrolien tyrolienne tyrolite tyrosinase tyrosine tyrosinose tyrosinurie +tyrothricine tytonidé tyuyamunite tzar tzarévitch tzeltale tzigane tzotzile +tâcheron tâtement tâteur tâtonnement tènement tère té téallite téflon +tégument tégénaire téiidé téjidé téju télagon télamon télangiectasie +télescopage télescope télestacé télesthésie téleutospore télexiste téloche +télogène télomère télomérisation télone télophase télosystole télotaxie +télègue télème télé télé-cinéma télé-film téléachat téléachateur téléacheteur +téléaffichage téléalarme téléassistance téléaste téléautographe +télébenne téléboutique télécabine télécaesiothérapie télécarte téléchargement +téléclitoridie télécobalthérapie télécobaltothérapie télécommande +télécompensation téléconduite téléconférence télécontrôle télécopie +télécran télécuriethérapie télécésiumthérapie télédiagnostic télédiaphonie +télédictage télédiffusion télédistribution télédynamie télédétection +téléfilm téléférique téléga télégammathérapie télégestion télégonie télégramme +télégraphie télégraphiste téléguidage télégénie téléimpression téléimprimeur +téléjaugeage télékinésie télélocalisation télémaintenance télémanipulateur +télémark télématicien télématique télématisation télémesure télémoteur +télémécanicien télémécanique télémédecine télémétreur télémétrie télénomie +téléologie téléonomie téléopsie téléopérateur téléopération téléosaure +téléostéen télépaiement télépancartage télépathe télépathie téléphonage +téléphoneur téléphonie téléphoniste téléphonométrie téléphore téléphoridé +téléphotographie téléphérage téléphérique téléplastie télépointage +téléport téléportation téléprojecteur téléprompteur télépsychie téléradar +téléradiocinématographie téléradiographie téléradiophotographie +téléradiothérapie téléradiumthérapie téléreportage téléreporter +télérupteur téléréglage téléscaphe téléscripteur télésignalisation télésiège +télésouffleur téléspectateur télésurveillance télésystole télétexte +téléthèque télétoxie télétraitement télétransmission télétype télévangélisme +télévente téléviseur télévision témoignage témoin téméraire témérité ténacité +ténectomie ténesme ténia ténicide ténifuge ténière ténodèse ténologie ténolyse +ténontopexie ténontoplastie ténontorraphie ténontotomie ténopathie ténopexie +ténor ténorino ténorite ténorraphie ténorrhaphie ténosite ténosynovite +ténotomie ténuirostre ténuité ténèbre ténébrion ténébrionidé ténébrisme +téocali téocalli téorbe téoulier tépale téphrite téphritidé téphrochronologie +téphromyélite téphronie téphrosie téphrosine téphroïte térabit téraspic +tératoblastome tératocarcinome tératogenèse tératogénie tératologie +tératologue tératomancie tératome tératopage tératosaure tératoscopie +téruélite térylène térébelle térébenthinage térébenthine térébenthène +térébinthe térébrant térébration térébratule téréphtalate tétanie tétanique +tétanisme tétanospasmine tétartanopsie tétartoèdre tétartoédrie téterelle +tétine téton tétonnière tétra tétraborate tétrabranche tétrabromométhane +tétrabrométhane tétrachlorodibenzodioxinne tétrachlorométhane tétrachlorure +tétrachloréthylène tétraconque tétracoque tétracoralliaire tétracorde +tétracycline tétracère tétrade tétradymite tétrafluorure tétragnathe tétragone +tétragramme tétragène tétrahydroaldostérone tétrahydrocannabinol +tétrahydroisoquinoline tétrahydronaphtaline tétrahydronaphtalène +tétrahydropyranne tétrahydroserpentine tétralcool tétraline tétralogie +tétramètre tétraméthyle tétraméthylméthane tétraméthylurée tétraméthylène +tétraméthylènesulfone tétranitraniline tétranitrométhane +tétranychidé tétranyque tétraodontidé tétraodontiforme tétraogalle tétraonidé +tétraphyllide tétraploïde tétraploïdie tétraplégie tétraplégique tétrapode +tétraptère tétrapyrrole tétrarchat tétrarchie tétrarhynchide tétrarque +tétrastyle tétrasulfure tétrasyllabe tétraterpène tétratomicité tétravalence +tétrazanne tétrazine tétrazole tétrazène tétraèdre tétraédrite +tétraéthyle tétraéthylplomb tétraéthylplombane tétrode tétrodon tétrodotoxine +tétronal tétrose tétroxyde tétryl tétrytol tété tétée têt têtard tête têtière +tôlage tôlard tôle tôlerie tôlier ubac ubiquinone ubiquisme ubiquiste +ubiquitine ubiquité uca ufologie ufologue uhlan uintatherium ukase ukrainien +ula ulcère ulcération ulcérocancer ulectomie ulexite ulididé ulite ullmannite +ulmacée ulmaire ulmiste ulna ulobore ulster ultimatum ultra +ultracentrifugeuse ultraconservateur ultracuiseur ultradiathermie ultrafiltrat +ultrafiltre ultragerme ultralibéralisme ultramicroscope ultramicroscopie +ultramontanisme ultramylonite ultranationalisme ultranationaliste +ultraroyalisme ultraroyaliste ultrason ultrasonocardiographie ultrasonogramme +ultrasonoscopie ultrasonothérapie ultrasonotomographie ultrastructure +ultraviolet ultraïsme ululation ululement ulve uléma ulérythème umangite umbo +umbraculidé umbridé unanimisme unanimiste unanimité uncarthrose unciale +uncodiscarthrose uncusectomie undécane undécylénate undécénoate une +uni uniate uniatisme unicité unicorne unidirectionalité unidose unificateur +uniforme uniformisation uniformitarisme uniformité unigraphie unijambiste +unilatéralité unilinguisme unio union unionidé unionisme unioniste unipare +unisexualité unisson unissonance unitaire unitarien unitarisme unité +universalisation universalisme universaliste universalité universelle +université univibrateur univocité univoltinisme uppercut upupidé upwelling +uracile uranate urane uranide uranie uraninite uranisme uraniste uranite +uranographie uranophane uranopilite uranoplastie uranoscope uranospathite +uranospinite uranostéoplastie uranothorianite uranotile uranyle urate uraturie +uraète urbanification urbanisation urbanisme urbaniste urbanité urbec ure +urgence urgentiste urgonien urhidrose urial uricofrénateur uricogenèse +uricopexie uricopoïèse uricosurie uricotélie uricozyme uricoéliminateur +uricémie uridine uridrose urinaire urine urinoir urnatelle urne urobiline +urobilinurie urochrome urocordyle urocordé uroctea uroculture urocyon +urocèle urocère urodon urodynie urodèle urodélomorphe urogale urogastrone +urographie urokinase urolagnie urologie urologue uromucoïde uromèle uromètre +uronéphrose uropathie uropeltiné uropepsine urophore uroplate uropode +uroporphyrinogène uropoïèse uropyge uropygide uropyonéphrose uropéritoine +urothélium urotricha ursane ursidé urson ursuline urticacée urticaire urticale +urtication urubu urugayen uruguayen urushiol urussu urèse urètre urédinale +urédospore urée uréide uréine urémie urémique uréogenèse uréogénie uréomètre +uréotélie uréthane uréthanne uréthrite urétralgie urétrectomie urétrite +urétrocystographie urétrocystoscopie urétrocèle urétrographie urétroplastie +urétrorraphie urétrorrhée urétroscope urétroscopie urétroskénite urétrostomie +urétrotome urétrotomie urétérectomie urétérhydrose urétérite urétérocolostomie +urétérocystostomie urétérocèle urétéroentérostomie urétérographie +urétérolyse urétéronéocystosomie urétéroplastie urétéropyélographie +urétéropyélostomie urétérorraphie urétéroscope urétéroscopie +urétérostomie urétérotomie usage usager usance usia usinabilité usinage usine +usnée ussier ustensile ustilaginale ustilaginée usucapion usuel usufruit +usure usurier usurpateur usurpation uta ute utetheisa utilisateur utilisation +utilitarisme utilitariste utilité utopie utopisme utopiste utraquisme +utriculaire utricule utéralgie uvanite uvatypie uviothérapie uvula uvulaire +uvulectomie uvulite uvée uvéite uvéoparotidite uvéorétinite uxoricide uzbek +vacancier vacarme vacataire vacation vaccaire vaccin vaccinateur vaccination +vaccinelle vaccinide vaccinier vaccinogenèse vaccinologiste vaccinologue +vaccinostyle vaccinosyphiloïde vaccinothérapie vaccinoïde vacciné vachard +vacher vacherie vacherin vachette vacillation vacillement vacive vacuité +vacuolisation vacuome vacuothérapie vacurette vacuum vadrouille vadrouilleur +vagabondage vagin vaginalite vaginicole vaginisme vaginite vaginodynie +vaginula vaginule vagissement vagolytique vagotomie vagotonie vagotropisme +vaguelette vaguemestre vahiné vahlkampfia vaigrage vaigre vaillance vaillantie +vainqueur vair vairon vairé vaisselier vaisselle vaissellerie val valaisan +valdôtain valence valentin valentinite valençay valet valetaille valeur +valgue vali validation valideuse validité valine valise valisette valkyrie +valleuse vallisnérie vallombrosien vallon vallonier vallonnement vallum vallée +valorisation valpolicella valse valseur valseuse valuation valve valvule +valvulite valvulopathe valvulopathie valvuloplastie valvulotomie valvée +valérate valérianacée valériane valérianelle valérolactone valétudinaire vamp +vampirisme van vanadate vanadinite vanadite vanadyle vanda vandale vandalisme +vandenbrandéite vandendriesschéite vandoise vanel vanesse vanga vangeron +vanillal vanille vanilleraie vanillier vanilline vanillisme vanillière +vanisage vanité vannage vanne vannelle vannerie vannet vannette vanneur +vannier vannure vannée vanoxite vantard vantardise vantelle vanterie +vanuralite vanuranylite vape vapeur vapocraquage vapocraqueur vaporisage +vaporisation vaporiseur vaporiste vaquero vaquette var vara varaigne varan +varangue varanidé varappe varappeur vardariote varech varenne varettée vareuse +varheuremètre vari variabilité variable variance variant variante variantement +variation varice varicelle varicocèle varicographie varicosité variocoupleur +variole variolisation variolite varioloïde variolé variomètre variorum +variscite varistance variure variété varlet varlopage varlope varon varroa +varsovienne varve vasard vascularisation vascularite vasculite vasculopathie +vasectomie vasectomisé vaseline vaselinome vasidé vasière vasoconstricteur +vasodilatateur vasodilatation vasolabilité vasomotricité vasoplégie +vasopressine vasopressinémie vasotomie vasotonie vasouillage vasque +vassalité vasselage vasseur vassive vastadour vaste vastitude vaticaniste +vaticination vatu vatérite vauchérie vaudeville vaudevilliste vaudevire vaudou +vauquelinite vaurien vautour vautrait vauxite vavasserie vavasseur vavassorie +vecteur vectocardiogramme vectocardiographe vectocardiographie vectogramme +vectographie vectordiagramme vedettariat vedette vedettisation veille veilleur +veilloir veillotte veillée veinage veinard veine veinectasie veinette veinite +veinosité veinospasme veinotonique veinule veinure veirade velarium velche +veld veldt velléitaire velléité velot veloutement veloutier veloutine velouté +velum velvet velvote venaison venant vendace vendange vendangeoir vendangeon +vendangerot vendangette vendangeur vendangeuse vendetta vendeur vendredi vendu +venelle venet veneur vengeance vengeron vengeur venimosité venin venise vent +ventaille vente ventilateur ventilation ventileuse ventosité ventouse ventre +ventriculite ventriculogramme ventriculographie ventriculoplastie +ventriculotomie ventriloque ventriloquie ventrière ventrofixation ventrée +venturimètre venturon venue ver verbalisateur verbalisation verbalisme +verbe verbiage verbicruciste verbigération verbomanie verboquet verbosité +verbénaline verbénaloside verbénone verbénoside verchère verdage verderolle +verdeur verdict verdier verdin verdissage verdissement verdoiement +verdure verdurier verge vergelet vergelé vergence vergeoise verger vergerette +vergette vergeture vergeur vergeure vergne vergobret vergogne vergue verguette +verlion vermeil vermet vermicelier vermicelle vermicellerie vermicide +vermiculite vermiculure vermidien vermifuge vermileo vermille vermillon +verminose vermiote vermiothe vermoulure vermout vermouth vermée vernale +vernation verne verni vernier vernissage vernisseur veronicella verrage +verranne verrat verratier verre verrerie verreur verrier verrine verrière +verrou verrouillage verrouilleur verrucaire verrucosité verrue verruga verrée +versage versamide versant versatilité verse versement verset verseuse +versiculet versificateur versification version verso versoir verste vert verte +verticale verticalisme verticalité verticille verticité vertige vertigo vertu +vertèbre vertébrothérapie vertébré verve verveine vervelle vervet vesce vespa +vespertilio vespertilion vespertilionidé vespidé vespère vespérugo vespétro +vessie vessigon vestale veste vestiaire vestibule vestige vestiture veston +veto vette veuf veuglaire veulerie veuvage veuve vexateur vexation vexillaire +vexillologie vexillologue viabilisation viabilité viaduc viager viande +viatka viator vibal vibice vibord vibraculaire vibrage vibrance vibrante +vibraphoniste vibrateur vibration vibrato vibreur vibrio vibrion vibrisse +vibrodameur vibroflottation vibrographe vibromasseur vibromouleuse +vibrothérapie vicaire vicariance vicariat vice vice-consulat vice-empereur +vice-ministre vice-présidence vice-président vice-roi vicelard vichysme +viciation vicinalité vicinité vicissitude vicomte vicomté victimaire +victime victimologie victoire victoria victorin victuaille vidage vidame +vidamé vidange vidangeur vide vide-gousset vide-grenier videlle videur vidicon +vidoir vidrecome viduité vidure vidéaste vidéo vidéocable vidéocassette +vidéoclip vidéoclub vidéocommunication vidéoconférence vidéodisque +vidéogramme vidéographie vidéolecteur vidéolivre vidéomagazine vidéophone +vidéoprojecteur vidéoprojection vidéothèque vidéotransmission vie vieillard +vieillerie vieillesse vieillissement vielle vielleur viennoiserie vierge viet +vieux-croyant vif vigie vigilambulisme vigilance vigile vigintivir +vigne vigneron vignetage vignettage vignette vignettiste vigneture vignoble +vignot vigogne viguerie vigueur viguier vihuela vihueliste viking vilain +vilayet vilebrequin vilenie villa villafranchien village villamaninite +villanovien ville villenauxier villerier villiaumite villine villosité +villégiature vimana vimba vin vina vinage vinaigre vinaigrerie vinaigrette +vinasse vinblastine vincamine vincennite vincristine vindicatif vindicte +vindoline vinettier vingeon vingtaine vingtième viniculteur viniculture +vinification vinosité vinothérapie vinylacétylène vinylal vinylbenzène vinyle +vinylogie vinylogue vinée vioc viognier viol violacée violamine violanthrone +violation viole violence violent violet violette violeur violier violine +violon violoncelle violoncelliste violone violoniste violurate viomycine +vioque viorne vioulé vipome vipère vipémie vipéridé vipérine virage virago +virelai virement virescence vireton vireur virevolte virga virginal virginale +virginiamycine virginie virginité virgulaire virgule viriel virilisation +virilité virion virocide virogène virolage virole viroleur virolier virologie +virologue viroplasme virose virostatique viroïde virtualité virtuose +virucide virulence virulicide virure virurie virée virémie viréon visa visage +visagiste visagière viscache viscachère viscoplasticité viscoréducteur +viscose viscosimètre viscosimétrie viscosité viscoélasticimètre +viscère viscéralgie viscérite viscérocepteur viscéromégalie viscéroptose +viseur visibilité visigoth visioconférence vision visionnage visionnaire +visionneuse visiophone visiophonie visitage visitandine visitation visitatrice +visiteur visiteuse visière visna visnage visnague visnuisme vison visonnière +visserie visseuse visu visualisation visuel visuscope visé visée vit vitacée +vitaliste vitalité vitallium vitamine vitaminisation vitaminologie vitaminose +vitellogenèse vitelotte vitesse viticulteur viticulture vitiligo +vitiviniculture vitolphilie vitrage vitrain vitrauphanie vitre vitrectomie +vitrescibilité vitrier vitrifiabilité vitrification vitrine vitrinite vitriol +vitriolerie vitrioleur vitriolé vitrière vitrocérame vitrocéramique +vitrosité vitré vitrée vitréotome vitupérateur vitupération vivacité vivandier +vivarium vivat vive viverridé viveur vivianite vividialyse vividité vivier +vivipare viviparidé viviparité vivisecteur vivisection vivoir vizir vizirat +vobulateur vobulation vobuloscope vocable vocabulaire vocalisateur +vocalise vocalisme vocatif vocation voceratrice vociférateur vocifération +vodka voglite vogoul vogoule vogue voie voilage voile voilement voilerie +voilier voilure voirie voisement voisin voisinage voisée voiturage voiture +voiturier voiturin voiturée vol volaille volailler volailleur volant volapük +volatilisation volatilité volborthite volcan volcanisme volcanologie +vole volerie volet volettement voleur volhémie volige voligeage volitif +volière volley volleyeur volontaire volontariat volontarisme volontariste +volorécepteur volt voltage voltaire voltairianisme voltairien voltampère +voltampérométrie voltamètre voltaïsation voltaïte volte voltige voltigement +voltinisme voltmètre volubilisme volubilité volucelle volucompteur volume +volupté volute volutidé volvaire volvation volve volvocale volvoce volvulose +volé volée volémie vomer vomi vomique vomiquier vomissement vomisseur +vomitif vomito vomitoire vomiturition voracité voran vorticelle vorticisme +vorticité vosgien votant votation vote voucher vouge vougier vouivre vouloir +voussoiement voussoir voussure vouvoiement voué voyage voyageur voyagiste +voyant voyelle voyer voyeur voyeurisme voyeuse voyou voyoucratie voïvodat +voïvodie voïévode voïévodie voûtage voûtain voûte voûtement vrai vraisemblance +vreneli vrillage vrille vrillement vrillerie vrillette vrillon vrillée +vue vulcain vulcanisant vulcanisation vulcanisme vulcanologie vulcanologue +vulgarisation vulgarisme vulgarité vulgate vulnérabilité vulnéraire vulpin +vulturidé vulvaire vulve vulvectomie vulvite vumètre vé vécu védique védisme +védutiste végétalien végétalisme végétaliste végétarien végétarisme végétation +végétothérapie véhicule véhiculeur véhémence véjovidé vélaire vélani vélar +vélelle vélie vélin véliplanchiste vélite vélivole vélo vélocifère vélocimètre +vélocipède vélociste vélocité véloclub vélocypédiste vélodrome vélomoteur +vélopousse véloski vélum vénalité vénerie vénilie vénitien vénitienne vénusien +vénète vénénosité vénérable vénération vénéreologie vénéricarde vénéridé +vénérologie vénérologiste vénérologue vénéréologie vénéréologiste vénéréologue +vépéciste véracité véraison véranda vératraldéhyde vératre vératridine +véridicité véridiction vérifiabilité vérificateur vérification +vérificationniste vérificatrice vérifieur vérin vérine vérisme vériste vérité +vérolé véronal véronique vérotier vérétille vésanie vésicant vésication +vésicoplastie vésicopustule vésiculation vésicule vésiculectomie vésiculite +vésiculographie vésiculotomie vésignéite vésuvianite vésuvine vétillard +vétilleur vétivazulène vétiver vétivone vétusté vétyver vétéran vétérance +vêlage vêlement vêleuse vêtement vêture wad wading wagage wagnérien wagnérisme +wagon wagonnage wagonnet wagonnette wagonnier wagonnée wahhabisme wahhabite +wali walkman walkyrie wallingant wallon wallonisme walloniste walpurgite +wapiti warandeur wargame warrant warrantage warwickite washingtonia wassingue +water-ballast water-closet water-flooding water-polo waterbok watergang +waterproof watt wattheure wattheuremètre wattmètre wavellite weber webstérite +wehnelt wehrlite weka welche wellingtonia welsch welsh welter wengué +wergeld wernérite western wetback wharf whartonite wheezing whewellite whig +whippet whisky whist wielkopolsk wigwam wilaya williamine willyamite willémite +winch winchester wincheur windsurf wintergreen wirsungographie wirsungorragie +wisigoth wiski withérite witloof wittichite wittichénite wohlfahrtia wok +wolframate wolfsbergite wollastonite wolof wolsendorfite wombat wombatidé +worabée workshop wucheriose wuchéreriose wulfénite wurtzite wyandotte wyartite +xanthanne xanthate xanthia xanthie xanthine xanthinurie xanthiosite xantho +xanthoconite xanthoderme xanthodermie xanthofibrome xanthogranulomatose +xanthogénate xanthomatose xanthome xanthomisation xanthomonadine xanthone +xanthophycée xanthophylle xanthopsie xanthoptysie xanthoptérine xanthoxyline +xanthylium xanthène xanthélasma xanthémolyse xantusie xantusiidé xenopsylla +xiang ximenia ximénie xiphiidé xipho xiphodyme xiphodynie xiphopage xiphophore +xiphosuride xiphoïdalgie xiphydrie xonotlite xylanne xylidine xylite xylitol +xylocope xylodrèpe xyloglyphie xyloglyptique xylographe xylographie xylol +xylomancie xylophage xylophagie xylophone xylophoniste xylophène xylose +xylota xylème xylène xylénol xyste xystique xénarthre xénie xénique +xénocoeloma xénoderminé xénodevise xénodiagnostic xénodontiné xénodoque +xénogreffe xénolite xénongulé xénoparasitisme xénope xénopeltiné xénophile +xénophobe xénophobie xénophore xénosauridé xénotest xénotime xénotropisme +xéranthème xérocopie xérodermie xérodermostéose xérographie xérome +xérophtalmie xérophyte xéroradiographie xérorhinie xérorrhinie xérose xérosol +yacht yachting yack yag yak yakusa yankee yaourt yaourtière yapok yard yatagan +yazici yearling yen yersinia yersiniose yeti yette yeuse ylangène ylure +ynol yod yodler yoga yoghourt yogi yogin yogourt yohimbehe yohimbine yoldia +yolette yorkshire yougoslave youngina youpin youpinerie yourte youtre youyou +ypérite ysopet ytterbine yttria yttrialite yttrotantale yttrotantalite +yuan yucca yèble yéménite yéti zabre zagaie zakouski zalambdodonte zambien +zamia zamier zancle zanclidé zannichellie zanzi zanzibar zapatéado zapodidé +zapping zaratite zarzuela zazou zaïre zeiraphère zellige zelmira zemstvo zend +zerynthia zeste zesteur zeugite zeuglodontidé zeugma zeugmatographie zeugme +zeuxévanie zeuzère zibeline zicrone zig ziggourat zigoto zigue zigzag zilla +zinc zincage zincaluminite zincate zincide zincite zincochlorure zincographie +zinconise zincose zincurie zincémie zindîqisme zingage zingel zingibéracée +zinguerie zingueur zinjanthrope zinkénite zinnia zinnwaldite zinzin zinzolin +zippéite zircon zirconate zircone zirconifluorure zirconite zirconyle +zircotitanate zirkélite zist zizanie zizi zizyphe zloty zoanthaire zoanthide +zoarcidé zoarium zodarion zodiaque zodion zombi zombie zomothérapie zona +zonalité zonard zonation zone zonier zoning zonite zonula zonule zonulolyse +zonure zonéographie zoo zooanthroponose zoochlorelle zoocécidie zoocénose +zoogamète zooglée zoogéographie zoolite zoolithe zoologie zoologiste zoologue +zoolâtrie zoolée zoom zoomanie zoomorphisme zoomylien zoonite zoonose +zoopathie zoophage zoophagie zoophile zoophilie zoophobie zoophore zoophyte +zooplancton zooprophylaxie zoopsie zoopsychologie zoopsychologue zoose +zoospore zoostérol zoosémioticien zoosémiotique zootaxie zootechnicien +zoothérapie zootoca zooxanthelle zope zophomyia zora zoraptère zoreille +zoroastrien zoroastrisme zorrino zorro zostère zostérien zouave zoulou zozo +zozoteur zoé zoécie zoïde zoïdogamie zoïle zoïsite zoïte zucchette zuchette +zupan zutiste zwanze zwinglianisme zwinglien zwiésélite zygina zygnema +zygolophodon zygoma zygomatique zygomorphie zygomycète zygophyllacée zygoptère +zygospore zygote zygène zyklon zymase zymogène zymologie zymonématose +zymotechnie zython zythum zèbre zèle zéatine zéaxanthine zébrasome zébrure +zée zéiforme zéine zéisme zélateur zélote zélotisme zélé zénana zénith zéolite +zéolitisation zéphyr zéphyrine zéro zérotage zérumbet zérène zétacisme zétète +zézaiement zézayeur à-coup à-côté à-pic âcreté âge âme âne ânerie ânesse ânier +ânonnement ânée âpreté âtre çivaïsme çivaïte çoufi èche ère ève ébahissement +ébarbage ébarbement ébarbeur ébarbeuse ébarboir ébarbure ébardoir ébat +ébauche ébaucheur ébauchoir ébauchon ébavurage ébergement ébeylière ébionite +ébogueuse ébonite éborgnage éborgnement ébossage ébosseur ébosseuse ébouage +ébouillantage ébouillissage éboulage éboulement éboulure ébouquetage +ébourgeonnage ébourgeonnement ébourgeonnoir ébouriffage ébouriffement +ébourrage ébourreur ébourreuse ébourroir ébouseuse ébousineuse éboutage +ébouteuse ébouturage ébraisage ébraisoir ébranchage ébranchement ébrancheur +ébranlage ébranlement ébranloir ébrasement ébrasure ébriédien ébriété +ébroudeur ébroudi ébrouement ébroussage ébruitement ébrutage ébrèchement +ébulliomètre ébulliométrie ébullioscope ébullioscopie ébullition éburnation +ébénacée ébénale ébénier ébéniste ébénisterie écabochage écabochoir écabossage +écaffe écaillage écaille écaillement écailler écailleur écaillure écalage +écalure écamet écamoussure écang écangage écangue écangueur écapsuleuse +écardine écarlate écarquillement écart écartelure écartelé écartement écarteur +écartèlement écarté écatissage écatisseur écaussine éceppage écerie écervelé +échafaudage échaillon échalassage échalassement échalier échalote échamp +échancrure échandole échanfreinement échange échangeur échangisme échangiste +échansonnerie échantignole échantignolle échantil échantillon échantillonnage +échappade échappatoire échappe échappement échappé échappée écharde +échardonnette échardonneur échardonneuse échardonnoir écharnage écharnement +écharneuse écharnoir écharnure écharpe échasse échassier échauboulure +échaudement échaudeur échaudi échaudoir échaudure échaudé échauffe +échauffourée échauffure échauffé échauguette échaulage échaumage échec +échelette échelier échellage échelle échellier échelon échelonnage +échenillage échenilleur échenilloir échevellement échevetage échevettage +échevin échevinage échidnine échidnisme échidné échiffe échiffre échimyidé +échinide échinidé échinochrome échinococcose échinocoque échinocyame +échinoderme échinodère échinomyie échinon échinorhynque échinosaure +échinostome échinothuride échiqueté échiquier échiurien écho échocardiogramme +échocinésie échoencéphalogramme échoencéphalographie échoendoscope +échogramme échographe échographie échographiste échogénicité échokinésie +écholalie écholalique écholocalisation écholocation échomatisme échomimie +échométrie échoppage échoppe échopraxie échopraxique échosondage échosondeur +échotier échotomographie échouage échouement échéance échéancier échée +écidie écidiole écidiolispore écidiospore écimage écimeuse écir éciton +éclaboussure éclair éclairage éclairagisme éclairagiste éclaircie +éclaircissement éclaircisseuse éclaire éclairement éclaireur éclampsie +éclanche éclat éclatage éclatement éclateur éclateuse éclatomètre éclaté +éclectisme éclimètre éclipse écliptique éclissage éclisse éclisseuse éclogite +éclosabilité écloserie éclosion éclosoir éclusage écluse éclusement éclusier +écobiocénose écobuage écobue écocide écoclimatologie écocline écoeurement +écographie écoin écoine écoinette écointage écoinçon écolage école écolier +écolo écologie écologisme écologiste écologue écolâtre écolâtrerie écomusée +économat économe économie économiseur économisme économiste économètre +économétrie écopage écope écoperche écopeur écophase écophysiologie +écoquetage écor écorage écorce écorcement écorceur écorceuse écorchage +écorcherie écorcheur écorchure écorché écorcier écore écoreur écornage +écornifleur écornure écorçage écorçoir écorçon écosphère écossage écossaise +écossine écossisme écosystème écot écoterrorisme écotone écotype écouane +écoufle écoulement écoumène écourgeon écourue écoutant écoute écouteur +écouvette écouvillon écouvillonnage écouvillonnement écrabouillage +écrainiste écraminage écran écrasage écrasement écraseur écrasure écrasé +écribellate écrin écrinerie écrinier écrit écritoire écriture écrivailleur +écrivain écrivasserie écrivassier écrou écrouissage écroulement écroûtage +écru écrémage écrémeur écrémeuse écrémoir écrémoire écrémure écrêtage +écrêteur écu écuanteur écubier écueil écuelle écuellier écuellée écumage écume +écumoire écurage écurette écureuil écurie écusson écussonnage écussonnoir +écépage écôtage édam édaphologie édaphosaure éden édentement édenté édicule +édification édificatrice édifice édile édilité édingtonite édit éditeur +édito éditorialiste édocéphale édovaccin édredon édrioastéride édriophtalme +éducateur éducation édulcorant édulcoration édénisme édénite éfendi éfrit +égagropile égaiement égalisage égalisation égalisatrice égaliseur égalisoir +égalitarisme égalitariste égalité égard égarement égayement égermage égide +églantine églefin églestonite église églogue églomisation égoblage +égocentrisme égocentriste égocère égophonie égorgement égorgeur égotisme +égousseuse égout égoutier égouttage égouttement égouttoir égoutture égoïne +égoïste égrain égrainage égrainement égraminage égrappage égrappeur égrappoir +égratignoir égratignure égrenage égreneuse égrenoir égression égressive +égrisage égrisé égrisée égrugeage égrugeoir égrène égrènement égrégore +égueulement égyptienne égyptologie égyptologue égérie éhoupage éjaculateur +éjaculatorite éjambage éjarrage éjarreuse éjecteur éjection éjective +éjectoconvecteur éjointage ékaba ékouné élaborateur élaboration élachiptera +élagage élagueur élagueuse élan élancement éland élanion élaphe élaphre +élargissage élargissement élargisseur élasmobranche élasmosaure élastance +élasticimètre élasticimétrie élasticité élastine élastique élastofibre +élastographe élastographie élastome élastomère élastopathie élastoplasticité +élastose élastéidose élastéïdose élater élatif élatéridé élatérométrie élavage +élaïoconiose électeur élection électivité électoralisme électoraliste +électret électricien électricité électrificateur électrification électrisation +électroacoustique électroaffinité électroaimant électroaimantation +électroanesthésie électrobiogenèse électrobiologie électrobiologiste +électrocapillarité électrocardiogramme électrocardiographe +électrocardiokymographie électrocardioscope électrocardioscopie +électrocautère électrochimie électrochimiothérapie électrochirurgie +électrocinèse électrocinétique électrocoagulation électrocochléogramme +électroconcentration électroconvulsion électroconvulsivothérapie électrocopie +électrocorticographie électrocortine électroculture électrocution électrocuté +électrodermogramme électrodermographie électrodiagnostic électrodialyse +électrodynamique électrodynamomètre électrodéposition électroencéphalogramme +électroforeuse électroformage électrogalvanisme électrogastrographie +électrogramme électrogravimétrie électrogustométrie électrogénie +électrokymographie électrolepsie électrologie électroluminescence électrolyse +électrolyte électrolytémie électromagnétisme électromoteur électromyogramme +électromyostimulation électromètre électromécanicien électromécanique +électroménagiste électrométallurgie électrométallurgiste électrométrie +électronarcose électroneutralité électronicien électronique électronographie +électronystagmographie électronégativité électropathologie +électrophilie électrophone électrophorèse électrophorégramme +électrophysiologie électroplastie électroponcture électroprotéinogramme +électroradiologie électroradiologiste électrorhéophorèse électrorécepteur +électrorétinographie électroscope électrosidérurgie électrosondeur +électrostatique électrostimulation électrostriction électrosynérèse +électrosystolie électrosystologie électrotaxie électrotechnicien +électrothermie électrothérapie électrotransformation électrotropisme +électrovalve électrovanne électroviscosité électrozingage électroérosion +électuaire éleuthérodactyle éleuthérozoaire élevabilité élevage éleveur +élevon élevure élidation éligibilité éligible éliminateur élimination +élinde élingage élingue élinguée élinvar élision élite élitisme élitiste +élizabéthain élocution élodée éloge élohiste éloignement élongation élongement +éloquence éloïste élu élucidation élucubration élution élutriateur élutriation +élysia élytre élytrocèle élytroplastie élytroptose élytrorragie élytrorraphie +élève éléagnacée éléate éléatisme élédone élégance élégant élégi élégiaque +élégissement éléidome élément élémentarité élémicine élénophore éléolat éléolé +éléphant éléphantiasique éléphantidé éléphantopodie élévateur élévation +émaciation émaciement émaillage émaillerie émailleur émaillure émanateur +émanche émanché émancipateur émancipation émanothérapie émargement émarginule +émasculation ématurga émeraude émergement émergence émeri émerillon +émerisage émeriseuse émersion émerveillement émetteur émeu émeute émeutier +émiettement émietteur émigrant émigration émigrette émigré éminceur émincé +éminence émir émirat émissaire émission émissivité émissole émittance émoi +émolument émonctoire émondage émondation émonde émondeur émondoir émorfilage +émotion émotivité émottage émottement émotteur émotteuse émou émouchet +émoucheteur émouchette émouchoir émoulage émouleur émoussage émoussement +émoustillement émulateur émulation émule émulseur émulsif émulsifiant +émulsification émulsifieur émulsine émulsion émulsionnant émulsionneur +émérophonie émétine émétique émétocytose éna énalapril énamine énanthème +énantiomère énantiomérie énantiose énarchie énargite énarque énarthrose +énergie énergisant énergumène énergéticien énergétique énergétisme énergétiste +énervement énervé énicure énidé éniellage énigme énième énol énolisation +énonciateur énonciation énoncé énophtalmie énoplocère énoplognatha énormité +énouage énoueur énoxolone énoyautage énoyauteur énucléation énumération +énurésie énurétique ényne énéma énéolithique éocambrien éocène éolide éolienne +éolipyle éolisation éolithe éon éonisme éosine éosinocyte éosinophile +éosinophilémie éosinopénie éosphorite éoud épacromia épacte épagneul épaillage +épair épaisseur épaississage épaississant épaississement épaississeur +épamprage épamprement épanalepse épanalepsie épanchement épanchoir épandage +épandeuse épannelage épanneleur épannellement épanneur épanouillage +épanouilleuse épanouissement épar éparchie épargnant épargne épargneur +éparpilleur éparque épart éparvin épate épatement épateur épaufrure épaulard +épaulement épauletier épaulette épaulière épaulé épaulée épave épaviste +épeiche épeichette épeire épeirogenèse épellation épendyme épendymite +épendymocytome épendymogliome épendymome épenthèse éperdument éperlan éperon +éperonnerie éperverie épervier épervin épervière épetillure épeule épeuleur +épexégèse éphectique éphidrose éphippie éphippigère éphod éphorat éphore +éphydridé éphyra éphyrule éphèbe éphète éphébie éphédra éphédrine éphédrisme +éphémère éphéméride éphémérophyte éphéméroptère éphésite épi épiage épiaire +épiaster épiation épibate épiblaste épiblépharon épibolie épicarde épicardite +épicarpe épicaute épice épicentre épicerie épichlorhydrine épichérème épicier +épiclèse épicome épicondylalgie épicondyle épicondylite épicondylose épicrate +épicrâne épicurien épicurisme épicycle épicycloïde épicéa épidactyloscope +épidermodysplasie épidermolyse épidermomycose épidermophytie épidermophytose +épididyme épididymectomie épididymite épididymographie épididymotomie épidote +épidurite épidurographie épidémicité épidémie épidémiologie épidémiologiste +épierrement épierreur épierreuse épieur épigamie épigastralgie épigastre +épigenèse épiglotte épiglottite épignathe épigone épigonisme épigrammatiste +épigraphe épigraphie épigraphiste épigyne épigynie épigénie épikératophakie +épilachne épilage épilame épilation épilatoire épilepsie épileptique +épileur épileuse épillet épilobe épilogue épilogueur épiloïa épimachie +épimorphisme épimère épimélète épimérie épimérisation épinaie épinard +épinceteur épincette épinceur épine épinette épineurectomie épineurien +épinglage épingle épinglerie épinglette épinglier épingline épinglé épinier +épinochette épinomie épinçage épinçoir épinèvre épinéphrine épinéphrome +épipaléolithique épiphanie épiphile épiphonème épiphora épiphore épiphylle +épiphysectomie épiphysiodèse épiphysiolyse épiphysite épiphysose épiphyséolyse +épiphytie épiphytisme épiphénomène épiphénoménisme épiphénoméniste épiplocèle +épiploopexie épiplooplastie épiplopexie épiploplastie épiploïte épiradiateur +épirote épisclérite épiscopalien épiscopalisme épiscopaliste épiscopat +épisiorraphie épisiotomie épisode épisome épissage épissière épissoir +épissure épistasie épistate épistilbite épistolier épistolographe épistome +épistratégie épistyle épistémologie épistémologiste épistémologue +épistémè épisyénite épitaphe épitaxie épite épithalame épithème épithète +épithéliite épithélioma épithéliomatose épithéliome épithélioneurien +épithélium épithétisation épitoge épitomé épitope épitopique épitoquie +épitrochlée épitrochléite épitrochéalgie épitrochéite épizoaire épizone +épiétage épiéteur éploiement éploré épluchage épluche-légume éplucheur +épluchoir épluchure épode époi épointage épointement épointillage éponge +éponte épontillage épontille éponyme éponymie épopée époque épouillage +épouse épouseur époussetage épousseteur époussetoir époussette époussètement +épouti époutissage époutisseur épouvantail épouvante épouvantement époxyde +épreuve éprouvette épuisement épuisette épulide épulie épulon épulpeur épurage +épuration épure épurement épurge épée épéisme épéiste épépinage épérythrozoon +équanimité équarrissage équarrissement équarrisseur équarrissoir équateur +équation équerrage équerre équette équeutage équeuteuse équibarycentre +équicourant équidistance équidé équilibrage équilibration équilibre +équilibriste équille équilénine équimolécularité équimultiple équin équinisme +équipage équipartition équipe équipement équipementier équipier équipollence +équipotentialité équipotentielle équiprobabilité équipée équisétale +équitation équité équivalence équivalent équivoque érable érablière +éradication éradiction éraflage éraflement érafloir éraflure éraillement +érasmisme érastianisme érastria érato érecteur érectilité érection éreintage +éreinteur érepsine éreuthophobe éreuthophobie éreutophobe éreutophobie +éricicole éricule érigne érigone érigéron érinacéidé érine érinnophilie +ériochalcite ériocraniidé ériogaster érisiphaque érismature éristale éristique +érosion érosivité érotisation érotisme érotologie érotologue érotomane +érotomanie érotylidé érubescence érubescite éructation érudit érudition +érussage érycine érycinidé éryciné éryonide érysipèle érysipélatoïde +érythermalgie érythrasma érythrine érythrite érythritol érythroblaste +érythroblastome érythroblastophtisie érythroblastopénie érythroblastose +érythrocyanose érythrocyte érythrocytome érythrocytose érythrocèbe +érythrodiapédèse érythrodontie érythroedème érythroenzymopathie érythrogénine +érythroleucémie érythromatose érythromycine érythromyéloblastome +érythromyélémie érythromélalgie érythromélie érythron érythronium +érythrophagie érythrophagocytose érythrophléine érythrophobie érythrophtisie +érythropodisme érythropoïèse érythropoïétine érythroprosopalgie érythropsie +érythropénie érythrose érythrosine érythrothérapie érythroxylacée érythrulose +érythrée érythrémie érythème érèse érébia érémie érémiste érémitisme +érémophyte érésipèle éréthisme éréthizontidé ésociculteur ésociculture ésocidé +ésotropie ésotérisme ésotériste ésérine étable établi établissage +établisseur étacrynique étage étagement étagère étai étaiement étain étainier +étalage étalagiste étale étalement étaleuse étalier étalingure étaloir étalon +étalonnement étalonneur étalonnier étamage étambot étambrai étameur étamine +étampage étampe étamperche étampeur étampon étampure étamure étanche +étancheur étanchéification étanchéité étanfiche étang étançon étançonnement +étarquage état étatisation étatisme étatiste étaupinage étaupineuse étaupinoir +étavillon étavillonnage étayage étayement éteignoir ételle ételon étemperche +étendard étenderie étendeur étendoir étendue étente éterle éterlou éternité +éteuf éteule éthambutol éthanal éthanamide éthane éthanediol éthanedithiol +éthanol éthanolamine éthanolate éther éthicien éthionamide éthiopianisme +éthogramme éthographie éthogène éthologie éthologiste éthologue +éthoxalyle éthoxyde éthuse éthylamine éthylate éthylation éthylbenzène +éthyle éthylidène éthylique éthylisme éthylmercaptan éthylmorphine éthylomètre +éthylthioéthanol éthyluréthanne éthylvanilline éthylène éthylènediamine +éthylénier éthyne éthynyle éthène éthérie éthérification éthérisation +éthérolat éthérolature éthérolé éthéromane éthéromanie étiage étier étincelage +étincelle étincellement étiocholane étiolement étiologie étiopathogénie +étioprophylaxie étiquetage étiqueteur étiqueteuse étiquette étirage étire +étireur étireuse étiré étisie étoc étoffe étoile étoilement étoilé étole +étouffade étouffage étouffement étouffeur étouffoir étouffé étoupe étoupille +étourdi étourdissement étrain étrainte étranger étrangeté étranglement +étrangloir étrapoire étrave étreignoir étreinte étrenne étresse étrier +étrille étripage étrive étrivière étrognage étroit étroite étroitesse +étron étruscologie étruscologue étrèpe étrépage étrésillon étrésillonnement +étudiant étudiole étui étuvage étuve étuvement étuveur étuveuse étuvée +étymologiste étymon été étêtage étêtement étêteur évacuant évacuateur +évacué évadé évagination évaluateur évaluation évanescence évangile +évangélique évangélisateur évangélisation évangélisme évangéliste évanie +évansite évapographie évaporateur évaporation évaporativité évaporite +évaporométrie évaporé évapotranspiration évapotranspiromètre évarronnage +évasion évasure évection éveil éveilleur éveillé éveinage évent éventage +éventaillerie éventailliste éventaire éventement éventration éventreur +éventure éventé évergétisme éversion évhémérisme éviction évidage évidement +évidoir évidure évier évincement éviscération évitage évitement évocateur +évolage évolagiste évolution évolutionnisme évolutionniste évolutivité +évonymite évrillage évulsion évènement événement évêché évêque être île îlet +""".split() +) diff --git a/spacy/lang/fr/lemmatizer/_pronouns_irreg.py b/spacy/lang/fr/lemmatizer/_pronouns_irreg.py index fd8725ee6..6f52b75f2 100644 --- a/spacy/lang/fr/lemmatizer/_pronouns_irreg.py +++ b/spacy/lang/fr/lemmatizer/_pronouns_irreg.py @@ -37,4 +37,4 @@ PRONOUNS_IRREG = { "telles": ("tel",), "tels": ("tel",), "toutes": ("tous",), -} \ No newline at end of file +} diff --git a/spacy/lang/fr/lemmatizer/_verbs.py b/spacy/lang/fr/lemmatizer/_verbs.py index 905b6fbfc..036a2380c 100644 --- a/spacy/lang/fr/lemmatizer/_verbs.py +++ b/spacy/lang/fr/lemmatizer/_verbs.py @@ -2,1076 +2,1078 @@ from __future__ import unicode_literals -VERBS = set(""" - abaisser abandonner abdiquer abecquer aberrer abhorrer abjurer ablater - abluer ablutionner abominer abonder abonner aborder aborner aboucher abouler - abraquer abraser abreuver abricoter abriter absenter absinther absorber abuser - abéliser abîmer académiser acagnarder accabler accagner accaparer accastiller - accentuer accepter accessoiriser accidenter acclamer acclimater accointer - accolader accoler accommoder accompagner accorder accorer accoster accoter - accouder accouer accoupler accoutrer accoutumer accouver accrassiner accrocher - accréditer acculer acculturer accumuler accuser acenser achalander acharner - achopper achromatiser aciduler aciériser acliquer acoquiner acquitter acquêter - actiniser actionner activer actualiser acupuncturer acyler acétaliser acétyler - additionner adenter adieuser adirer adjectiver adjectiviser adjurer adjuver - admirer admonester adoniser adonner adopter adorer adorner adosser adouber - adsorber aduler adverbialiser affabuler affacturer affairer affaisser affaiter - affamer affecter affectionner affermer afficher affider affiler affiner - affirmer affistoler affixer affleurer afflouer affluer affoler afforester - affouiller affourcher affriander affricher affrioler affriquer affriter - affruiter affubler affurer affûter afistoler africaniser agatiser agenouiller - aggraver agioter agiter agoniser agourmander agrafer agrainer agresser - agriffer agripper agrouper agrémenter aguetter aguicher ahaner aheurter aicher - aigretter aiguer aiguiller aiguillonner aiguiser ailer ailler ailloliser - aimer airer ajointer ajourer ajourner ajouter ajuster ajuter alambiquer - alarmer alcaliniser alcaliser alcooliser alcoolyser alcoyler aldoliser alerter - aleviner algorithmiser algébriser algérianiser aligner alimenter alinéater - aliter alkyler allaiter allectomiser allitiser allivrer allocutionner alloter - alluder allumer allusionner alluvionner allyler allégoriser aloter alpaguer - alphabétiser alterner aluminer aluminiser aluner alvéoler alvéoliser - amadouer amalgamer amariner amarrer amateloter ambitionner ambler ambrer - amender amenuiser ameulonner ameuter amiauler amicoter amidonner amignarder - amignoter amignotter aminer ammoniaquer ammoniser ammoxyder amocher amouiller - amourer amphotériser ampouler amputer amunitionner amurer amuser améliorer - anagrammatiser anagrammer analyser anamorphoser anaphylactiser anarchiser - anathématiser anatomiser ancher anchoiter ancrer anecdotiser anglaiser angler - angoisser anguler angéliser animaliser animer aniser ankyloser annexer - annoter annualiser annuler anodiser anser antagoniser anthropomorphiser - anticoaguler antidater antiparasiter antiquer antiseptiser antéposer - anuiter aoûter apaiser apetisser apeurer apiquer aplaner apologiser - aponter aponévrotomiser aposter apostiller apostropher apostumer apothéoser - appareiller apparenter appeauter appertiser appliquer appointer appoltronner - apporter apposer apprivoiser approcher approuver approvisionner approximer - apprêter apurer apériter aquareller arabiser aramer araméiser araser arbitrer - arboriser archaïser architecturer archiver ardoiser arer argenter argoter - argumenter arianiser arimer ariser aristocratiser aristotéliser arithmétiser - armaturer armer arnaquer aromatiser arpenter arquebuser arquer arracher - arrenter arrher arrimer arriser arriver arroser arrêter arsouiller articler - artificialiser artistiquer artérialiser aryler arçonner aréniser ascensionner - aseptiser asexuer asiatiser aspecter asphalter aspirer assabler assaisonner - assassiner assembler assener assermenter asserter assibiler assigner assimiler - assoiffer assoler assommer assoner assoter assumer assurer asséner asticoter - athéiser atlantiser atomiser atourner atropiniser attabler attacher attaquer - attenter attentionner atterrer attester attifer attirer attiser attitrer - attraper attremper attribuer attrister attrouper atténuer aubiner - auditer auditionner augmenter augurer aulofer auloffer aumôner auner auréoler - authentiquer autoaccuser autoadapter autoadministrer autoagglutiner - autoallumer autoamputer autoanalyser autoancrer autoassembler autoassurer - autocastrer autocensurer autocentrer autociter autoclaver autocoller - autocondenser autocongratuler autoconserver autoconsommer autocontester - autocratiser autocritiquer autodicter autodiscipliner autodupliquer - autodénigrer autodésigner autodéterminer autoenchâsser autoenseigner - autofertiliser autoformer autofretter autoféconder autogouverner autogreffer - autolimiter autolyser automatiser automitrailler automutiler automédiquer - autopersuader autopiloter autopolliniser autoporter autopositionner - autopropulser autorelaxer autoriser autoréaliser autoréguler autoréparer - autostimuler autostopper autosubsister autosuggestionner autotomiser - autovacciner autoventiler autoéduquer autoépurer autoéquiper autoévoluer - avaler avaliser aventurer aveugler avillonner aviner avironner aviser - aviver avoiner avoisiner avorter avouer axer axiomatiser azimuter azoter - aéroporter aérosonder aérotransporter babiller babouiner bachonner bachoter - badauder badigeonner badiner baffer bafouer bafouiller bagarrer bagoter - bagouler baguenauder baguer baguetter bahuter baigner bailler baiser baisoter - baisouiller baisser bakéliser balader baladiner balafrer balancetiquer - baleiner baliser baliver baliverner balkaniser ballaster baller ballonner - balourder balustrer bambocher banaliser bancariser bancher bander banderiller - bandonéoner banner banquer baptiser baragouiner barander baraquer baratiner - barauder barbariser barber barbeyer barboter barbouiller barder barguigner - baroniser baronner baroquiser barouder barreauder barrer barricader barroter - barytonner basaner basculer baser bassiner baster bastillonner bastinguer - bastonner bastringuer batailler batifoder batifoler batiker batiller batourner - baudouiner bauxitiser bavacher bavarder baver bavocher bavoter bayer bazarder - becter bedonner beigner beloter belotter belouser benzoyler benzyler berdiner - berlurer berner bertauder bertillonner bertouder besogner bestialiser beugler - biaiser bibarder bibeloter biberonner bicarbonater bicher bichonner - bidistiller bidonner bidonvilliser bidouiller biduler biffer biffetonner - biftonner bifurquer bigarrer bigler bigophoner bigorner bijouter biler - billarder billebarrer billebauder biller billonner biloquer biner binoter - biotraiter biotransformer biper bipolariser biscoter biscuiter biseauter - biser bisiallitiser bismuther bisouter bisquer bissecter bisser bistourner - bistrouiller biter bitter bitturer bitumer bituminer bituminiser biturer - bivouaquer bizouter bizuter blablater blackbouler blaguer blaireauter blairer - blaser blasonner blesser bleuter blinder blinquer bloquer blouser bluetter - bluter bobiner bocarder boetter boffumer boguer boiser boissonner boitailler - boitiller boitter bolcheviser bolchéviser bolincher bombarder bomber bombiller - bonder bondieuser bondonner bondériser bonimenter boquillonner borater - border bordurer bordéliser boriquer borner borosilicater borurer boscarder - bosseyer bossuer bostonner botaniser botter bottiner boubouler boucaner - boucher bouchonner boucler bouder boudiner bouffarder bouffer bouffonner - bougonner bouiller bouillonner bouillotter bouler boulevarder bouleverser - boulocher boulonner boulotter boultiner boumer bouquer bouquiner bourder - bourgeonner bourlinguer bourraquer bourrer bourriquer bourser boursicoter - boursouffler boursoufler bousculer bouser bousiller boustifailler boutader - boutiquer boutonner bouturer bouziller bovaryser bowaliser boxer boyauter - boësser braconner brader brailler braiser braisiller bramer brancarder - brandiller brandonner brandouiller branler branlocher braquer braser brasiller - brasseyer bravader braver bredouiller brelander breller bretailler bretauder - bretter brichetonner bricoler brider briefer brifer brifetonner briffer - briffetonner brifter briftonner brigander briguer brillanter brillantiner - brimbaler brimballer brimer brinder bringuebaler bringueballer bringuer - brinqueballer briocher brioler briquer briser britanniser brocanter brocarder - broder bromer bromurer broncher bronzer brosser brouetter brouillarder - brouillonner broussailler brousser brouter bruiner bruisser bruiter brumer - bruncher brusquer brutaliser bruter brésiller brétailler brêler brûler - bucoliser budgétiser buer buffler buffériser bugler bugner buiser buissonner - buquer bureaucratiser buriner buser busquer buter butiner butonner butter - buvoter byzantiner bâcher bâcler bâfrer bâiller bâillonner bâtarder bâtonner - bécotter béliner bémoliser béquiller bétonner bêcher bêler bêtiser bûcher - cabaler cabaner cabosser caboter cabotiner cabrer cabrioler cacaber cacaoter - cacher cachetonner cachotter cadastrer cadavériser cadeauter cadetter cadoter - cadrer cafarder cafeter cafouiller cafter cageoler cagnarder cagner caguer - caillebotter cailler caillouter cajoler calaminer calamistrer calamiter - calandrer calaouer calciner calculer calencher caler calfater calfeutrer - caller calmer caloriser calotter calquer calter camarder cambrer cambrioler - cameloter camer camionner camisoler camoufler camper camphrer canadianiser - canarder cancaner canceller cancériser candidater caner canneller canner - cannibaliser canoniser canonner canoter canter cantiner cantonnaliser - canuler caoutchouter caparaçonner caper capeyer capillariser capitaliser - capituler caponner caporaliser capoter capser capsuler capter captiver - capuchonner caquer carabiner caracoler caracouler caractériser caramboler - caraméliser carapater carbonater carboner carboniser carbonitrurer carbonyler - carburer carcailler carder cardinaliser carer caresser carguer caricaturer - carminer carniser carotter caroubler carrer carrioler carrosser cartelliser - cartonner cascader casemater caser caserner casquer castagner castiller - cataboliser cataloguer catalyser catapulter cataracter catastropher catcher - cathétériser catiner catéchiser catégoriser cauchemarder causaliser causer - cautériser cavalcader cavaler caver caviarder ceintrer ceinturer cendrer - centraliser centrer centupler cercler cerner cesser chabler chabroler - chahuter chalouper chaluter chamailler chamarrer chambarder chambouler - chambrer chamoiser champagniser champignonner champouigner champouiner - chanfrer chanlatter chansonner chanter chantonner chantourner chaparder - chaperonner chapitrer chaponner chapoter chaptaliser charançonner charbonner - chardonner chariboter charioter charivariser charlataner charmer charogner - charquer charronner charruer charteriser chatertonner chatonner chatouiller - chauber chaucher chauder chauffer chauler chaumer chausser chavirer chaîner - cheminer chemiser chenailler chenaler chercher cherrer chevaler chevaucher - chevretter chevronner chevroter chiader chialer chicaner chicorer chicoter - chiffonner chiffrer chigner chimiquer chimiser chimisorber chiner chinoiser - chipoter chiquenauder chiquer chirurgicaliser chlinguer chlorater chlorer - chloroformer chloroformiser chlorométhyler chlorurer chocolater choper - chopper choquer choser chouanner chouchouter chougner chouler chouraver - chouriner christianiser chromaluminiser chromater chromatiser chromer - chroniciser chroniquer chrysalider chuchoter chuinter chuter châtaigner - chènevotter chélater chénevotter chêmer chômer cibler cicatriser cicéroniser - ciller cimenter cingler cintrer cinématiser circonvoisiner circuiter - circuler cirer cisailler citer citronner civiliser clabauder claboter clairer - clamer clamper clampiner clampser clamser claper clapoter clapper clapser - claquer claquetter claudiquer claustrer claveliser claver clavetter clayonner - cligner clignoter climatiser clinquanter clinquer cliper cliquer clisser - clochardiser clocher clocter cloisonner cloner cloper clopiner cloquer clouer - cloîtrer cléricaliser clôturer coaccuser coacerver coacher coadapter - coagglutiner coaguler coaliser coaltarer coaltariser coanimer coarticuler - cocarder cocaïniser cocheniller cocher cochonner coconner cocooner cocoter - coder codiller coexister coexploiter coexprimer coffiner coffrer cofonder - cogner cohabiter cohober cohériter coiffer coincher colchiciner collaber - collationner collecter collectionner collectiviser coller collisionner - colluvionner colmater colombiner coloniser colorer coloriser colostomiser - colporter colpotomiser coltiner columniser combiner combler commander - commenter commercialiser comminer commissionner commotionner commuer - communautariser communiquer communiser commuter commémorer compacter comparer - compenser compiler compisser complanter complexer complimenter compliquer - complémenter complétiviser comporter composer composter compoter compounder - comprimer comptabiliser compter compulser computer computériser concentrer - concerner concerter concher conciliabuler concocter concorder concrétionner - concubiner condamner condenser condimenter conditionner confabuler - confesser confessionnaliser configurer confiner confirmer confisquer confiter - conformer conforter confronter confusionner congestionner conglober - congoliser congratuler coniser conjecturer conjointer conjuguer conjurer - conniver connoter conquêter consacrer conscientiser conseiller conserver - consister consoler consolider consommariser consommer consonantiser consoner - conspirer conspuer constater consteller conster consterner constiper - constitutionnaliser consulter consumer contacter contagionner containeriser - contaminer contemner contempler conteneuriser contenter conter contester - contingenter continuer contorsionner contourner contracter contractualiser - contraposer contraster contrebouter contrebuter contrecalquer contrecarrer - contreficher contrefraser contremander contremanifester contremarcher - contreminer contremurer contrenquêter contreplaquer contrepointer contrer - contrespionner contretyper contreventer contribuer contrister controuver - contrôler contusionner conventionnaliser conventionner conventualiser - convoiter convoler convoquer convulser convulsionner cooccuper coopter - coorganiser coparrainer coparticiper copermuter copiner copolycondenser - coprésenter coprésider copser copter copuler copyrighter coqueliner - coquer coqueriquer coquiller corailler corder cordonner cornaquer cornemuser - corporiser correctionaliser correctionnaliser correler corroborer corroder - corser corticaliser coréaliser coréguler cosigner cosmétiquer cosser costumer - cotillonner cotiser cotonner cotransfecter couaquer couarder couchailler - couchoter couchotter coucouer coucouler couder coudrer couillonner couiner - coulisser coupailler coupeller couper couperoser coupler couponner courailler - courber courbetter courcailler couronner courser court-circuiter courtauder - cousiner coussiner couturer couver coéditer coéduquer coïncider coïter coûter - cracher crachiner crachoter crachouiller crailler cramer craminer cramper - crampser cramser craner cranter crapahuter crapaüter crapser crapuler - craquer crasher craticuler cratoniser cratériser cravacher cravater crawler - creuser criailler cribler criminaliser criquer crisper crisser cristalliser - critiquer crocher croiser croquer croskiller crosser crotoniser crotter - croupionner crouponner croustiller croûter croûtonner cryoappliquer - cryocoaguler cryoconcentrer cryodécaper cryofixer cryogéniser cryomarquer - cryosorber cryoébarber crypter crâner crânoter crédibiliser créditer - créoliser créosoter crépiner crépiter crésyler crétiniser crêper crêter crôler - cueiller cuider cuisiner cuiter cuivrer culbuter culer culminer culotter - cultiver cumuler curariser curedenter curer curetter cuter cutiniser cuver - cyaniser cyanoser cyanurer cybernétiser cycler cycliser cycloner cylindrer - câbler câliner cémenter céphaliser céramiser césariser côcher dactylocoder - daguerréotyper daigner dailler daller damasquiner damer damner damouritiser - danser dansoter dansotter darder dater dauber daufer dauffer daupher daïer - demander demeurer dentaliser denter desceller designer despotiser desquamer - dessaigner dessaisonaliser dessaisonner dessaler dessaliniser dessangler - desseller desserrer dessiller dessiner dessoler dessoucher dessouder dessouler - dessuinter destiner destituer deviner deviser dextriniser diaboliser - diagnostiquer diagonaliser dialectaliser dialectiser dialoguer dialyser - diapasonner diaphaniser diaphanéiser diaphragmer diaprer diastaser diazoter - dichotomiser dicter diffamer diffluer difformer diffracter diffuser difluorer - digresser dihydroxyler diioder dilapider dilater diligenter diluer - diminuer dimériser dindonner dinguer dinitrer diogéniser diphtonguer diplexer - diplômer dirimer discerner discipliner disconnecter discontinuer discorder - discriminer discréditer discrétiser disculper discutailler discuter disjoncter - dismuter dispatcher dispenser disperser disponibiliser disposer - disputailler disputer disquer dissembler disserter dissimiler dissimuler - dissoner dissuader disséminer distiller distinguer distribuer disubstituer - divaguer diverticuler diviniser diviser divulguer diéséliser dociliser - documenter dodeliner dodiner dogmatiser doguer doigter dolenter doler - domanialiser domestiquer dominer dompter donjuaniser donner doper dorer - dormailler dormichonner dorsaliser doser dosser doter douaner doublecliquer - doublonner doucher douer douiller douter dracher drageonner dragonner draguer - dramatiser draper draver dresser dribbler driller driver droguer droitiser - dropper drosser dualiser dudgeonner duiter dumper duper duplexer duplicater - duraminiser durer dynamiser dynamiter dysfonctionner déactiver déafférenter - déankyloser débagouler débaguer débaleiner débaliser déballaster déballer - débalourder débanaliser débander débanquer débaptiser débarbouiller débarder - débarquer débarrer débarricader débaucher débecquer débecqueter débecter - débenzoler débenzoyler débeurrer débieller débiffer débiliser débiliter - débiller débiner débiter débitumer débituminer déblinder débloquer débobiner - déboguer déboiser débonder débondonner déborder débosser débotter déboucher - débouder débouler déboulonner débouquer débourber débourgeoiser débourrer - déboussoler débouter déboutonner déboîter débraguetter débrailler débraiser - débraser débrider débriefer débringuer débrocher débromer débronzer - débroussailler débrousser débruter débucher débudgétiser débuller - débusquer débutaniser débuter débutter débâcher débâcler débâillonner - débétonner débêcher débûcher décabosser décadrer décaféiner décaféiniser - décaisser décalaminer décalcariser décaler décalfater décalotter décalquer - décamper décanadianiser décanailler décaniller décanner décanter décantonner - décaoutchouter décaper décapitaliser décapiter décapitonner décapoter - décapuchonner décarbonater décarboniser décarbonyler décarboxyler décarburer - décarotter décarrer décartelliser décartonner décarêmer décaser décaserner - décatholiciser décatégoriser décauser décavaillonner décaver décentraliser - décercler décerner décesser déchagriner déchaler déchanter déchaper - déchaptaliser décharançonner décharner déchatonner déchauler déchaumer - déchaîner décheviller déchevêtrer déchiffonner déchiffrer déchirer déchlorer - déchoquer déchristianiser déchromer décibler décider déciller décimaliser - décintrer décirer déciviliser déclamer déclarer déclencher déclimater décliner - décliquer décliver déclocher décloisonner déclouer décloîtrer décléricaliser - décoaguler décocaïniser décocher décoconner décoder décoeurer décoffrer - décollectiviser décoller décolmater décoloniser décolorer décombrer - décommuniser décompacter décompartimenter décompenser décomplexer décompliquer - décompresser décomprimer décompter déconcentrer déconcerter décondamner - déconfessionnaliser déconforter décongestionner déconnecter déconner - déconsacrer déconseiller déconsigner déconsolider déconstiper - décontaminer décontextualiser décontracter décontracturer décontrôler - décoquer décoquiller décorder décorer décorner décortiquer décoter décotter - découenner découler découper découpler décourber découronner décraber - décranter décrapouiller décravater décreuser décriminaliser décriquer - décristalliser décrocher décroiser décrotter décroûter décruer décruser - décrédibiliser décréditer décrémenter décrépiter décrétiniser décrêper - décuivrer déculotter déculpabiliser déculturer décupler décurariser décuscuter - décycliser décérébeller dédaigner dédaller dédamer dédiviniser dédoler - dédorer dédosser dédotaliser dédouaner dédoubler dédramatiser défacturer - défaner défarder défarguer défasciser défatiguer défaufiler défauner défausser - défaçonner défenestrer déferler déferrailler déferrer déferriser défertiliser - défeutrer défibrer défibriller défibriner déficher défidéliser défigurer - défilialiser défilocher défiscaliser déflagrer déflaquer déflater déflegmer - déflorer défluer défluorer défocaliser défolioter défonctionnariser déforester - déformater déformer défouetter défouler défourailler défourner défourrer - défranchiser défranciser défrapper défretter défricher défrimer défringuer - défriser défrisotter défroisser défroquer défruiter défubler défumer défuncter - défâcher déféminiser dégainer dégalonner déganter dégarer dégarouler - dégasconner dégasoliner dégauchiser dégausser dégazer dégazoliner dégazonner - dégermer dégingander dégivrer déglaiser déglaçonner déglinguer déglobuliser - déglutiner déglycériner dégobiller dégoiser dégommer dégonder dégonfler - dégotter dégoudronner dégouliner dégoupiller dégoutter dégoûter dégrabatiser - dégrafer dégrainer dégraisser dégrammaticaliser dégranuler dégraphiter - dégravillonner dégrener dégriffer dégriller dégringoler dégripper dégriser - dégrouiller dégrouper dégréciser dégréner dégueniller dégueuler déguiser - déguster dégêner dégîter déhaler déhancher déharder déharnacher déhelléniser - déhotter déhouiller déhourder déhousser déhâler déidéologiser déioniser - déjanter déjeuner déjointer déjouer déjouter déjucher déjudaïser délabialiser - délabyrinther délactoser délainer délaisser délaiter délaminer délarder - délaver délecter délenter délester déleucocyter délicoter déligner déligoter - délimoner délinquer délinéamenter délinéariser délirer délisser délister - délivrer délocaliser déloquer délourder délover délurer délustrer déluter - délégitimer démacadamiser démacler démagnétiser démailler démaillonner - démancher démandriner démaniller démanoquer démantibuler démaoïser démaquer - démarcher démargariner démarginer démarquer démarrer démarxiser démascler - démasquer démasselotter démastiquer démathématiser dématriculer dématérialiser - démaçonner démembrer démensualiser démerder démesurer démeubler démieller - déminer déminéraliser démissionner démobiliser démocratiser démoder démoduler - démonter démontrer démonétiser démoraliser démorphiner démorphiniser démotiver - démouler démoustiquer démucilaginer démultiplexer démurer démutiser - démysticiser démyéliniser démécaniser démédicaliser démériter démétalliser - déméthyler démêler dénasaliser dénationaliser dénatter dénaturaliser dénaturer - déniaiser dénicher dénicotiniser dénigrer dénitrater dénitrer dénoder - dénominer dénommer dénoter dénouer dénoyauter dénucléariser dénuder dénuer - dénébuliser déodorer déodoriser dépaganiser dépageoter dépaginer dépagnoter - dépailler dépajoter dépalataliser dépaler dépalettiser dépalissader dépalisser - dépanner dépanouiller dépapiller dépapilloter déparaffiner déparasiter - déparcher dépareiller déparementer déparer déparfumer déparisianiser déparler - départementaliser dépassionner dépassiver dépastiller dépatouiller dépatter - dépayser dépeigner dépeinturer dépeinturlurer dépelliculer dépelotonner - dépenser dépentaniser dépersonnaliser dépersuader dépeupler déphaser - déphlogistiquer déphonologiser déphosphater déphosphorer dépiauter dépierrer - dépigeonniser dépigmenter dépiler dépingler dépiquer dépister dépiter - déplafonner déplanquer déplanter déplaquetter déplatiner déplisser déplomber - déplumer déplâtrer dépocher dépoiler dépointer dépoitrailler dépolariser - dépolluer dépolymériser dépontiller dépopulariser déporter déposer déposter - dépoudrer dépouiller dépoétiser dépraver dépresser dépressuriser déprimer - dépriver déprogrammer déprolétariser dépropaniser déprovincialiser dépréparer - dépulper dépunaiser dépurer députer dépécorer dépénaliser dépêcher dépêtrer - déqueusoter déquiller déraber déraciner dérader dérailler déraisonner - déramer déraper déraser dérater dérationaliser dératiser dérembourser - dérestaurer dérider dériver dérober dérocher dérocter déroder déroquer - dérouler dérouter dérueller déruraliser dérâper déréaliser dérégionaliser - déréguler déréprimer désabonner désabouter désabriter désabuser désaccentuer - désaccorder désaccorer désaccoupler désaccoutumer désachalander désacraliser - désadapter désadopter désaffecter désaffectionner désaffleurer désaffourcher - désaffubler désafférenter désagater désagrafer désailer désaimanter désaimer - désaisonnaliser désaisonner désajuster désalcoyler désaligner désaliniser - désallouer désalper désalphabétiser désaluminiser désamarrer désambiguer - désamianter désamidonner désaminer désaméricaniser désancrer désangler - désangoisser désannexer désapeurer désappareiller désapparenter désappointer - désapprovisionner désarabiser désarchiver désargenter désaristocratiser - désaromatiser désarrimer désarticuler désarçonner désasphalter désaspirer - désassembler désassibiler désassimiler désassurer désatelliser désatomiser - désattrister désaturer désauber désaveugler désavouer désaxer désazoter - déschister déschlammer déscolariser désectoriser désemballer désembarquer - désembaucher désembobiner désembourber désembourgeoiser désembouteiller - désembringuer désembrocher désembrouiller désembroussailler désembuer - désemmancher désemmieller désemmitoufler désemmurer désemmêler désempailler - désemparer désemphatiser désempierrer désempiler désemplumer désempoisonner - désempoissonner désemprisonner désemprunter désempêtrer désenamourer - désencanailler désencapsuler désencapuchonner désencarter désencartonner - désencastrer désencaustiquer désenchanter désenchaîner désenchevêtrer - désenclaver désenclencher désenclouer désencoller désencombrer désencorder - désencroûter désencuivrer désendetter désendimancher désenfiler désenflammer - désenfourner désenfumer désengazonner désenglober désengluer désengommer - désenivrer désenliser désenrhumer désenrober désenrouer désenrubanner - désenrôler désensabler désensacher désenseigner désenserrer désensibiliser - désensommeiller désensoufrer désentartrer désenterrer désenthousiasmer - désentoiler désentortiller désentraver désenturbanner désentêter désenvaser - désenvenimer désenverguer désenvoûter désergoter déserter désertiser - désexciter désexualiser déshabiliter déshabiller déshabiter déshabituer - désharnacher désharponner désherber désheurer déshomogénéiser déshonorer - déshuiler déshumaniser déshydrater déshémoglobiniser déshériter désiconiser - désidéologiser désigner désiler désilicater désillusionner désillustrer - désimbriquer désimmuniser désimperméabiliser désincarner désincorporer - désinculper désindemniser désindexer désindividualiser désindustrialiser - désinfatuer désinfecter désinformatiser désinformer désinféoder désinhiber - désinsectiser désinstaller désintellectualiser désintoxiquer désintriquer - désinvaginer désinviter désioniser désirer désislamiser désisoler désister - désobstruer désobuser désoccidentaliser désocculter désoccuper désocialiser - désoeuvrer désofficialiser désoler désolidariser désolvater désongler - désophistiquer désopiler désorber désorbiter désordonner désorganiser - désorienter désosser désoufrer désoutiller désoxyder déspiraliser - désponsoriser déspécialiser déstabiliser déstaliniser déstandardiser - déstocker déstresser déstructurer désubjectiviser désubventionner désucrer - désulfater désulfiter désulfurer désurbaniser désurchauffer désurtaxer - désynchroniser désyndicaliser désécailler déséchafauder déséchouer déséclairer - déségrégationner désélectriser désémantiser désémulsionner désénamourer - désépargner désépauler désépingler déséquetter déséquilibrer déséquiper - désétamer désétatiser déséthaniser désétoffer détabler détabouiser détacher - détaler détalinguer détaller détalonner détalquer détamiser détanner - détaper détapisser détartrer détatouer détaxer détayloriser détechnocratiser - déterminer déterminiser déterrer détester déthéiner déthésauriser - détimbrer détiquer détirefonner détirer détisser détitrer détoner détonner - détotaliser détourer détourner détoxiquer détracter détrancaner détrancher - détrapper détraquer détremper détresser détribaliser détricoter détripler - détromper détroncher détronquer détroquer détrousser détrôner détuber - dévaginer dévaler dévaliser dévaloriser dévaluer dévaser dévaster développer - déventer dévergonder déverguer déverrouiller déverser dévider dévirer - dévirginiser déviriliser déviroler dévisser dévitaliser dévitaminer - dévocaliser dévoiler dévoiser dévoler dévolter dévorer dévouer dévriller - dézinguer déélectroner dîmer dîner ecchymoser ectomiser eczématiser effaner - effaroucher effectuer effeuiller effiler effilocher effiloquer efflanquer - efflorer effluer effluver effondrer effriter effruiter effumer effuser - ellipser embabouiner emballer emballotter embaluchonner embalustrer embander - embarbouiller embarder embarquer embarrer embastiller embastionner embaucher - embecquer emberlicoquer emberlificoter emberloquer emberlucoquer embesogner - embidonner embieller emblaver embler embobeliner embobiner emboiser emboliser - embosser emboucaner emboucauter emboucher emboucler embouer embouquer - embourgeoiser embourrer embourser embouser embouteiller embouter emboîter - embraquer embraser embrelicoquer embreuver embrigader embringuer embrocher - embrouiller embroussailler embruiner embrumer embuer embusquer embâtonner - embêter embûcher emmagasiner emmailler emmailloter emmancher emmarquiser - emmenotter emmerder emmeuler emmiasmer emmieller emmitonner emmitoufler - emmotter emmoufler emmouscailler emmurailler emmurer emmêler empaffer - empaler empalmer empanacher empanner empapaouter empapilloter emparadiser - emparquer empatter empaumer empeigner empeloter empelotonner empenner - emperler emperruquer empester emphatiser empierrer empiffrer empiler empirer - emplanter emplastrer emplomber emplumer emplâtrer empocher empoicrer empoigner - empointer empoisonner empoisser empoissonner empommer emporter empoter - empourprer empouter empresser emprisonner emprunter emprésurer empêcher - empêtrer enamourer enarbrer encabaner encadrer encagouler encaisser encalminer - encanailler encaper encapsuler encapuchonner encaquer encarter encartonner - encaserner encaster encastrer encaustiquer encaver enceinter enceintrer - encenser encercler enchanter enchaper enchaperonner encharbonner encharner - enchausser enchaussumer enchaîner enchemiser enchevaler enchevaucher - enchevêtrer enchâsser encirer enclaver enclencher enclouer encloîtrer encocher - encoder encoffrer encoigner encoller encombrer encorbeller encorder encorner - encoubler encourtiner encrer encrister encroiser encrotter encrouer encroûter - encuivrer enculer encuver encéphaliser endauber endenter endetter endeuiller - endiamanter endiguer endimancher endisquer endivisionner endoctriner - endosmoser endosser endothélialiser endouzainer endrailler endurer endêver - enfariner enfaçonner enfaîter enfermer enferrer enficher enfieller enfiler - enflaquer enfler enfleurer enformer enfosser enfourcher enfourner enfricher - enfutailler enfûter engainer engaller engamer enganter engargousser engaver - engeigner engendrer engerber englaçonner englober engluer engober engommer - engouffrer engouler engraisser engraver engrisailler engrosser engrêler - engueuler engueuser enguicher enguirlander enharnacher enherber enivrer - enjaler enjamber enjanter enjoliver enjouer enjouguer enjuguer enjuiver - enjôler enkikiner enkyster enlarmer enligner enlinceuler enliser enluminer - enquiller enquinauder enquiquiner enquêter enraciner enrailler enregistrer - enrober enrocher enrouer enrouiller enrouler enrubanner enrégimenter enrésiner - enrôler ensabler ensaboter ensacher ensafraner ensaisiner ensanglanter - ensauver enseigner enseller enserrer enseuiller ensiler ensiloter ensimer - ensommeiller ensoufrer ensouiller ensoupler ensoutaner ensucrer ensuifer - ensuquer entabler entacher entailler entamer entaquer entartrer enter enterrer - enticher entoiler entomber entonner entortiller entourer entourlouper - entraccorder entraccuser entradmirer entraider entraver entraîner entrebâiller - entrecouper entrecroiser entredonner entredévorer entrefermer entregreffer - entrelarder entrelouer entremêler entrepardonner entrepointiller entreposer - entrequereller entrer entreregarder entreserrer entretailler entreteiller - entretuer entrevoûter entrexaminer entuber enturbanner entériner entêter - envacuoler envaler envaper envaser envelopper envenimer enverguer enverrer - envirer environner envoiler envoisiner envoler envoûter enwagonner ergoter - esbigner esbroufer esbrouffer escadronner escalader escaler escaloper - escamper escaper escarbiller escarbouiller escarmoucher escarper escher - esclaffer escobarder escompter escorter escrimer escroquer esgourder esmiller - espagnoliser espalmer espionner espoliner espouliner esquicher esquimauter - esquisser esquiver essaimer essarder essarmenter essarter esseimer essemiller - essentialiser esseuler essimer essimpler essorer essoriller essoucher - estafilader estamper estampiller ester esthétiser estimer estiver estocader - estomper estoquer estrapader estroper euphoriser européaniser européiser - exacerber exalter examiner excardiner excaver exceller excentrer excepter - exciser exciter exclamer excrémenter excursionner excuser exempter exhaler - exhiber exhorter exhumer exiler existantialiser existentialiser exister - exorbiter exorciser exostoser expanser expansionner expectorer expertiser - explanter expliciter expliquer exploiter explorer exploser exponctuer exporter - exprimer expulser expérimenter exsuder exsuffler exterminer externaliser - extorquer extrader extradosser extrapoler extraposer extravaguer extravaser - extrémiser extrêmiser exténuer extérioriser exulter exécuter fabricoter - fabuler facetter faciliter factionner factoriser facturer fader fagoter - failler fainéanter faisander falquer faluner familiariser fanatiser faner - fanfaronner fanfrelucher fantasmer faonner faradiser farandoler farauder - farfouiller farguer fariboler fariner farnienter farter fasciner fasciser - faseyer faséyer fatiguer fauberder fauberter faucarder faucher fauciller - fauder faufiler fausser fauter favoriser faxer fayoter fayotter façonner - feinter fellationner fendiller fenestrer fenêtrer ferler fermenter fermer - ferralitiser ferrer ferrouter ferruginer ferruginiser fertiliser fesser - festonner feuiller feuilletiser feuilletonner feuilloler feuillurer feuler - fiabiliser fibrer fibriller fibuler ficher fidéliser fieffer fienter fifrer - figurer filer filialiser filiforer filigraner filleriser fillonner filmer - filoguider filouter filtrer finaliser finlandiser fionner fioriturer - fissionner fissurer fistuliser fitter fixer flacher flageller flageoler - flairer flamandiser flamber flammer flancher flanquer flaquer flasher flatter - flemmarder flemmer fletter fleurdeliser fleurer fleuronner flibuster - flinguer flinquer flipper fliquer flirter floconner floculer floquer florer - flouer fluater fluber fluctuer fluer fluidiser fluorer fluoriser fluorurer - flytoxer flâner flânocher flânoter flâtrer flûter focaliser foirer foisonner - folichonner folioter folâtrer fomenter fonctionnaliser fonctionnariser - fonder forer forfaitariser forfaitiser forhuer forligner formaliser formater - formoler formuer formuler formyler forniquer forpaiser fossiliser fouailler - fouiller fouiner foularder fouler foulonner fourailler fourber fourcher - fourguer fourmiller fourrer foéner foëner fractionner fracturer fragiliser - fraiser framboiser franchiser franciser franfrelucher fransquillonner frapper - fraterniser frauder fredonner freiner frelater fretter fricoter frictionner - friller frimater frimer fringaler fringuer friper friponner friseliser friser - frisoter frisotter frissonner fritter froisser fronder froquer frotailler - frotter frouer froufrouter fructidoriser fruiter frusquer frustrer frégater - frétiller frôler fuguer fulgurer fulminer fumailler fumer fumeronner fumoter - funester furibonder fuser fusiller fusiner fusionner futiliser fâcher - fébriliser féconder féculer fédéraliser féeriser féliciter féminiser fénitiser - fétichiser fêler fêter gaber gabionner gadgétiser gafer gaffer gagner gainer - galber galer galipoter galler galocher galonner galoper galopiner galvaniser - galvauder gamahucher gambader gambergeailler gambeyer gambiller gaminer - ganser ganter garder gardienner garer gargariser gargoter gargouiller - garrotter garçonner gasconner gaspiller gastrectomiser gastrotomiser gauchiser - gaufrer gauler gauloiser gausser gaver gazer gazonner gazouiller gemeller - gendarmer gerber germaniser germer germiner gesticuler ghettoïser giberner - gifler gigoter giguer ginginer ginguer girer gironner girouetter givrer - glairer glaiser glander glandouiller glaner glavioter glaviotter glisser - globuliser gloser glottaliser glottorer glouglouter glousser gloutonner gluer - glycériner gobeloter gober gobichonner godailler goder godiller godronner - goinfrer golfer gominer gommer goménoler gonder gondoler gonfler gorgeonner - gouacher gouailler goualer gouaper goudronner goujonner goupiller goupillonner - gourbiller gourer gourmander gourmer gournabler goutter gouverner goûter - gracieuser graciliser grader graduer graffigner graffiter grafigner grailler - grainer graisser grammaticaliser graniter granitiser granuler graphiquer - grappiller grappiner grasseyer graticuler gratiner gratouiller gratter - grattouiller graver gravillonner graviter gravurer grecquer grediner greffer - grenader grenailler grenouiller grenter greviller gribouiller griffer - grigner grignoter griller grimer grimper grincher gringotter gringuer gripper - griser grisoler grisoller grisonner grivoiser grogner grognonner gronder - grouiner grouper groupusculariser gruauter gruer grusiner gruter gréciser - grésillonner grêler guerdonner guetter gueuler gueuletonner gueusailler - guider guidonner guigner guignoler guiller guillocher guillotiner guimper - guinder guiper guirlander guitariser guniter gutturaliser guêper guêtrer - gypser gyrer gâcher gégèner géhenner gélatiner gélatiniser géliver gémeller - génoper généraliser géométriser gêner gîter gödeliser gödéliser habiliter - habiter habituer hacher hachurer haleiner haler halluciner halogéniser halter - hancher handicaper hanner hannetonner hanter happer haranguer harder - harnacher harnaquer harpailler harper harpigner harponner hasarder haubaner - haver helléniser herbeiller herber herboriser hercher herscher herser heurter - hiberniser hier hindouiser hispaniser hisser historialiser historiciser - histrionner hiverner hivériser hiérarchiser hocher hogner hominiser - homologuer homopolymériser homosexualiser hongrer honorer horizonner - hormoner horodater horripiler hospitaliser hotter houblonner houer houler - hourailler hourder houspiller housser houssiner hucher huer huiler hululer - humecter humer hurler hurtebiller hussarder hutter hybrider hydrater - hydrocraquer hydrocuter hydrodésalkyler hydrodésulfurer hydroformer - hydrolyser hydrophiliser hydroplaner hydropneumatiser hydroraffiner hydroxyler - hyperboliser hypercentraliser hypermédiatiser hyperorganiser hyperpolariser - hyperspécialiser hypnotiser hystériser hâbler hâler hébraïser héliporter - hélitreuiller hématoser hémiacétaliser hémidécérébeller hémodialyser hémolyser - hépatectomiser hépatiser hérisser hérissonner hériter héroïser hésiter hôler - iconiser idiotiser idolâtrer idéaliser idéologiser ignorer illettrer illimiter - illusionner illustrer illuter imaginer imbiber imbriquer imiter immatriculer - immigrer imminer immobiliser immoler immortaliser immuniser impacter impaluder - impatroniser imperméabiliser impersonnaliser implanter impliquer implorer - implémenter importer importuner imposer impressionner imprimer improuver - impréciser impulser imputer impétiginiser inactiver inalper inaugurer incaguer - incardiner incarner incidenter inciser inciter incliner incomber incommoder - incriminer incruster incrémenter incuber inculper inculquer incurver indaguer - indenter indexer indianiser indigestionner indigner indiquer indisposer - individuer indoloriser indurer industrialiser indéfiniser indéterminer - infantiliser infatuer infecter infester infibuler infiltrer infirmer influer - informer infroissabiliser infuser inféoder inférioriser ingurgiter inhaler - inhumer initialer initialiser injecter innerver innocenter innover inoculer - inquarter insaliver insculper insensibiliser insinuer insister insoler - insonoriser inspecter inspirer installer instantanéiser instaurer instiguer - instituer institutionnaliser instrumentaliser instrumenter insuffler - insulter insupporter insécuriser inséminer intailler intellectualiser intenter - intentionner intercaler intercepter interconnecter interféconder interjecter - interligner interloquer internaliser internationaliser interner interpeller - interpolliniser interposer intersecter intersectionner interviewer intimer - intituler intoxiquer intrigailler intriguer intriquer introjecter introniser - intuber intuiter intuitionner intéresser intérioriser inutiliser invaginer - invectiver inventer inverser investiguer inviter involuer invoquer inégaliser - iodler iodurer ioniser iouler iraniser iriser ironiser irriguer irriter - irruer irréaliser islamiser isoler isomériser italianiser italiser ivrogner - jabler jaboter jacter jaffer jalonner jalouser jamber jambonner japonaiser - japonner japper jardiner jargauder jargonner jaroviser jaser jasper jaspiner - jazzer jerker jeûner jobarder jodler jogger joggliner jointer joncher jongler - jouailler joualiser jouer journaliser jouter jouxter jubiler jucher judaïser - juguler jumboïser jumper juponner jurer juter juxtaposer jérémiader jésuiter - kaoliniser kidnapper klaxonner knockouter knouter kératiniser labelliser - labourer labéliser lactoniser lactoser laguner lainer laisser laitonner - lambrequiner lambrisser lameller lamenter lamer laminer lamper lancequiner - languetter langueyer lansquiner lanter lanterner lantiponer lantiponner laper - lapider lapiner lapiniser laquer larder lardonner larguer larmer larronner - latiniser latter latéraliser latéritiser laudaniser laurer laver lavougner - laïciser laïusser lemmatiser lenter lessiver lester lettrer leurrer levrauder - levurer lexicaliser liaisonner liarder libeller libertiner libéraliser licher - lichéniser liciter lifter ligaturer ligner ligoter liguer limander limaçonner - limiter limoner limousiner lingoter linguer linotyper linéamenter linéariser - liquider liser liserer lisser lister lisérer liteauner liter lithochromiser - litonner litrer littératurer livrer lober lobotomiser localiser locher - lofer loffer lombaliser loquer lorgner lotionner loucher louer louper lourder - louver lover lucher luncher luner lunetter lustrer luter lutiner lutter - luxer lyncher lyophiliser lyrer lyriser lyser lâcher léchonner léchotter - légaliser légender légitimer lépariniser lésiner léviter lézarder macadamiser - machiner macler macquer maculer madraguer madrigaliser madériser maffioter - magasiner magner magnétiser magnétoscoper magouiller magyariser mailer mailler - maillonner majorer malaxer malléabiliser malléiner malter maltraiter malverser - manchonner mandater mander mandriner mangeailler mangeotter manifester - manipuler mannequiner manoeuvrer manoquer manquer mansarder manualiser - manufacturer manufacturiser manutentionner maquer maquereauter maquereller - maquiller marauder marbrer marchandailler marchander marchandiser marcher - margauder marginaliser marginer margoter margotter mariner marivauder marmiter - marmoriser marmotter marner maronner maroquiner marotiser maroufler marquer - marrer marronner marsouiner marsupialiser martiner martingaler martingaliser - marxiser masculiniser masquer massacrer masselotter massicoter mastiquer - mastériser matcher mater maternaliser materner materniser mathématiser - matriculer matter maturer matérialiser maximaliser maximer maximiser mazer - mazurker maçonner maîtriser membrer mendigoter menotter mensualiser mensurer - mentholer mentionner menuiser mercantiliser merceriser mercurer merder - meringuer merliner merlonner mesurer meubler meugler meuler meuliériser - miauler michetonner microdoser microficher microfilmer micromanipuler - microniser microplisser microprogrammer microsabler microsouder microter - mignoter migrainer migrer mijoter mildiouser militariser militer millerander - millésimer mimer minauder miner miniaturer miniaturiser minimaliser minimiser - minotauriser minuter minéraliser miraculer mirailler mirer miroiter miser - mitadiner miter mithridater mithridatiser mitonner mitrailler mixer mixter - mobiliser modaliser moderniser moduler modéliser modérantiser moellonner - mofler moirer moiser moissonner molarder molariser molester moletter mollarder - molletter moléculariser monarchiser mondaniser monder mondialiser moniliser - monomériser monophtonguer monopoler monopoliser monoprogrammer monosiallitiser - monotoniser monseigneuriser monter montrer monumentaliser monétariser - moquer moquetter morailler moraliser mordailler mordiller mordillonner - mordoriser morfailler morfaler morfiler morfler morganer morguer morner - morplaner mortaiser mosaïquer motionner motiver motoriser motter moucharder - moucheronner moufeter mouffer mouffeter moufler moufter mouiller mouler - moulurer mouronner mousseliner mousser moutarder moutonner mouvementer mouver - moyetter mucher muer muloter multilatéraliser multinationaliser multipler - multiprogrammer municipaliser munitionner murailler murer murmurer musarder - muser musiquer musquer musser muséaliser muter mutiler mutiner mutualiser - myloniser mylonitiser myorelaxer myristiquer myrrher mysticiser myéliniser - mâchiller mâchonner mâchoter mâchouiller mâchurer mâter mâtiner mécaniser - mécontenter médailler médeciner médiatiser médicaliser médicamenter médiser - méduser mégisser mégoter mélancoliser méliniter mélodramatiser mémoriser - mépriser mériter mésarriver mésestimer mésinformer mésuser métaboliser - métalliser métamictiser métamorphiser métamorphoser métamériser métaphoriser - métempsychoser méthaniser méthyler métisser métriser météoriser mêler nacrer - naniser napalmer napalmiser naphtaliner napper napperonner narcoser narcotiser - narrativiser narrer nasaliser nasarder nasillarder nasiller nasillonner - nationaliser natter naturaliser navaliser navigabiliser naviguer navrer - nerver nervurer neuraliser neuroleptiser neurotiser neutraliser neutrodyner - nicher nicotiniser nider nieller nigauder nimber nipper niquer nitrater nitrer - nitroser nitrurer nobéliser noctambuler noliser nomadiser nombrer - nominaliser nominer nommer nonupler noper nopper nordester nordouester - normander normandiser normer notabiliser noter nouer nover noyauter - nuer nuiter numériser numéroter nupler nymphoser néantiser nébuliser - nécroser négativer néoformer néolithiser néologiser néosynthétiser - néphrostomiser névroser objecter objectiver objurguer obliquer obnubiler - observer obstiner obstruer obturer occasionner occidentaliser occulter occuper - ocrer octupler océaniser odorer odoriser oedipianiser oedématiser oeillader - oeuvrer offenser officialiser offusquer oligomériser oligopoliser olinder - olofer oloffer ombiliquer ombrer onder onduler opaliser operculer opiner - opposer oppresser opprimer opter optimaliser optimiser oraliser orbiter - ordonner organiciser organiser organsiner orientaliser orienter originer - ornementer orner orthogonaliser oscariser osciller oser ossianiser ostraciser - ouatiner ouiller ouralitiser ourler outer outiller outrecuider outrer ouvrer - ovaliser ovariectomiser ovationner ovuler oxycouper oxyder oxytoniser ozoner - packer pacotiller pacquer pacser pactiser paddocker padouer paganiser pageoter - pagnoter paillarder paillassonner pailler paillonner paissonner pajoter - paladiner palancrer palangrer palanquer palataliser palatiser paletter - palissader palisser palissonner palmer paloter palper palpiter palucher - panader pancarter paner paniquer panneauter panner pannetonner panoramiquer - panser pantiner pantomimer pantoufler paoner paonner papelarder papillonner - papoter papouiller paquer paraboliser parachuter parader parafer paraffiner - paralléliser paralyser paramétriser parangonner parapher paraphraser parasiter - parceller parcelliser parcheminer parcoriser pardonner parementer - parer paresser parfiler parfumer parisianiser parjurer parkériser parlementer - parloter parlotter parquer parrainer participer particulariser partitionner - partouzer pasquiner passefiler passementer passepoiler passeriller passionner - pasteller pasteuriser pasticher pastiller pastoriser patafioler pateliner - paternaliser paterner pathétiser patienter patiner patoiser patouiller - patrociner patronner patrouiller patter paumer paupériser pauser pavaner paver - peaufiner pectiser peigner peiner peinturer peinturlurer pelaner pelauder - pelleverser pelliculer peloter pelotonner pelucher pelurer pencher pendeloquer - pendouiller penduler penser pensionner peptiser peptoniser percaliner percher - percoler percuter perdurer perfectionner perforer performer perfuser perler - permanenter permaner permuter perméabiliser peroxyder perpétuer - perreyer perruquer persifler persiller persister personnaliser persuader - persécuter perturber pervibrer pester peupler pexer phagocyter phalangiser - philosophailler philosopher phlegmatiser phlogistiquer phlébotomiser - phonétiser phosphater phosphorer phosphoriser phosphoryler photoactiver - photocomposer photograver photomonter photophosphoryler photopolymériser - photoïoniser phraser phéniquer phénoler phényler piaffer piailler pianomiser - piauler pickler picocher picoler picorer picoter picouser picouzer picrater - pictonner picturaliser pidginiser pierrer pieuter pifer piffer piffrer - pigmenter pigner pignocher pignoler piler piller pilloter pilonner piloter - pinailler pinceauter pindariser pinter pinçoter piocher pionner piotter piper - piqueniquer piquer piquetonner piquouser piquouzer pirater pirouetter piser - pissoter pissouiller pister pistoler pistonner pitancher pitcher piter - pituiter pivoter piédestaliser piétiner placarder placardiser plafonner - plainer plaisanter plamer plancher planer planquer planter planétariser - plaquer plasmolyser plastiquer plastronner platiner platiniser platoniser - pleurailler pleuraliser pleurer pleurnicher pleuroter pleuviner pleuvioter - pleuvoter plisser plissoter plomber ploquer plotiniser plouter ploutrer - plumarder plumer pluraliser pluviner pluvioter plâtrer plébisciter pocharder - pochetronner pochtronner poculer podzoliser poignarder poigner poiler pointer - poinçonner poireauter poirer poiroter poisser poitriner poivrer poivroter - poldériser polissonner politicailler politiquer politiser polker polliciser - polliniser polluer poloniser polychromer polycontaminer polygoner polygoniser - polyploïdiser polytransfuser polyviser polémiquer pommader pommer pomper - ponctionner ponctuer ponter pontiller populariser poquer porer porphyriser - porter porteuser portionner portraicturer portraiturer poser positionner - possibiliser postdater poster posticher postillonner postposer postsonoriser - postuler postérioriser potabiliser potentialiser poter poteyer potiner poudrer - pouiller pouliner pouloper poulotter pouponner pourpenser pourprer poussailler - pousser poutser poétiser poêler praliner pratiquer presser pressurer - primariser primer primherber printaniser prioriser priser prismatiser prismer - priver probabiliser problématiser processionner proclamer procrastiner - prodiguer profaner professer professionnaliser profiler profiter programmer - prohiber prolétariser promotionner promulguer pronominaliser pronostiquer - prophétiser propoliser proportionner proposer propulser propylitiser prosaïser - prosterner prostituer prostrer protestaniser protestantiser protester - protoner prototyper protracter protéiner protéolyser prouter prouver - proverbialiser provigner provincialiser provisionner provoquer proéminer - prussianiser préaccentuer préadapter préallouer préassembler préaviser - précautionner préchauffer préchauler précipiter préciser préciter précompter - préconditionner préconfigurer préconiser préconstituer précoter prédater - prédiffuser prédilectionner prédiquer prédisposer prédominer prédécouper - préemballer préempter préencoller préenregistrer préenrober préexaminer - préfabriquer préfaner préfigurer préfixer préformater préformer préformuler - préfritter préimprimer préinstaller prélaquer prélaver préliber préluder - prémonter prémédiquer préméditer prénommer préoccuper préopiner préordonner - préozoner préparer préposer préscolariser présensibiliser présenter préserver - présider présignaliser présonoriser préstructurer présumer présupposer - présélectionner prétailler prétanner prétester prétexter prétintailler - prévariquer préverber prêchailler prêcher prêter prôner pschuter psychanalyser - psychologiser psychotiser publiciser pucher puddler puer puiser pulluler - pulser pulvériser punaiser puncturer pupiniser pupuler puriner puruler - puter putoiser putter puériliser pyramider pyrograver pyrolyser pyrrhoniser - pâtonner pâturer pèleriner pébriner pécher pécloter pédaler pédanter - pédiculiser pédicurer pédimenter péjorer péleriner pénaliser pénéplaner - péricliter périmer périodiser périphraser périphériser péritoniser pérorer - pétarader pétarder pétiller pétitionner pétocher pétouiller pétrarquiser - pétuner pêcher quadriller quadripolariser quadrupler quarderonner quarrer - quartiler quereller querner questionner queurser queuter quiller quimper - quitter quoailler quotter quémander quêter rabaisser rabaner rabanter - rabibocher rabioter raboter rabouiller rabouler rabouter rabreuver rabrouer - raccastiller raccommoder raccompagner raccorder raccoutrer raccoutumer - rachalander racher raciner racketter racler racoler raconter racoquiner - racémiser radariser rader radicaliser radiner radioactiver radiobaliser - radiocommander radioconserver radiodiffuser radiodétecter radioexposer - radiolocaliser radiopasteuriser radiosonder radiostériliser radiotéléphoner - radoter radouber rafaler raffermer raffiler raffiner raffluer raffoler - rafistoler rafler ragoter ragoûter ragrafer raguer raguser raiguiser railler - rainurer raisonner rajouter rajuster ralinguer raller rallumer ramailler - ramarder ramarrer ramastiquer rambiner ramender ramer rameuter ramoner ramper - ramser rancarder randomiser randoniser randonner randonniser ranimer rançonner - rapapilloter rapatronner raper rapetisser rapiater rapiner rappareiller rapper - rapporter rapprivoiser rapprocher rapprovisionner rapprêter rapsoder raquer - raser rassembler rassoter rassurer ratatiner rater ratiboiser ratiner - rationaliser rationner ratisser ratonner rattacher rattaquer rattirer - raturer raucher raugmenter rauquer ravaler ravauder ravigoter raviner raviser - raviver rayonner rebachoter rebadigeonner rebaigner rebaiser rebaisoter - rebalader rebaliser rebancher rebander rebaptiser rebaratiner rebarber - rebarbouiller rebarder rebarrer rebarricader rebasculer rebavarder rebecquer - rebeller rebeurrer rebiffer rebiner rebioler rebipolariser rebiquer rebisouter - rebizouter reblackbouler reblesser reblinder rebloquer rebobiner reboiser - rebombarder rebomber reborder rebosser rebotter reboucher reboucler - reboulonner rebourrer reboursicoter rebousculer rebouter reboutonner reboxer - rebraguetter rebrancher rebraquer rebricoler rebrider rebriguer rebriller - rebrocher rebroder rebronzer rebrosser rebrouiller rebrousser rebrûler - rebuffer rebuller rebureaucratiser rebuter rebâcher rebâcler rebâfrer - rebâillonner rebécoter rebétonner rebêcher rebûcher recacher recadrer - recalaminer recalculer recaler recalfater recalfeutrer recalibrer recalquer - recamoufler recamper recanaliser recanner recanonner recaoutchouter - recapoter recaptiver recapturer recaractériser recarburer recarder recaresser - recasquer recataloguer recatégoriser recauser recavaler recaver receler - recensurer recentraliser recentrer receper recercler recerner rechagriner - rechamailler rechambouler rechanter rechantonner rechaper rechaptaliser - recharpenter rechauffer rechauler rechaumer rechausser rechercher rechiader - rechiffrer rechigner rechiper rechristianiser rechromer rechuter recibler - recirculer recirer reciter recliquer recloisonner reclouer reclôturer - recoder recogner recoiffer recollaborer recollecter recoller recolliger - recoloniser recolorer recolporter recoltiner recombiner recommander - recommenter recommercialiser recommissionner recommuniquer recommémorer - recompartimenter recompiler recomplimenter recompliquer recomploter recomposer - recompter recompulser reconcrétiser recondamner recondenser reconditionner - reconfesser reconfigurer reconfirmer reconfisquer reconfronter reconjuguer - reconsacrer reconseiller reconserver reconsigner reconsoler reconsolider - reconspirer reconstater reconstituer reconsulter recontacter reconter - recontingenter recontinuer recontracter recontrecarrer recontrer recontribuer - reconverser reconvoquer recoordonner recoquiller recorder recorroborer recoter - recoucher recouillonner recouler recoulisser recouper recouponner recourber - recourtiser recouvrer recoïncider recracher recraquer recravater recreuser - recrier recristalliser recritiquer recroiser recroquer recroqueviller - recruter recréer recuisiner reculer reculotter recultiver recycler recâbler - recéper redaller redamer redanser redater redemander redesserrer redessiner - redialoguer redicter rediffuser redimensionner rediminuer rediscerner - redisjoncter redisloquer redispenser redisperser redisposer redisputer - redistiller redistinguer redistribuer rediviser redominer redompter redonder - redoper redorer redorloter redoser redoter redoubler redouter redresser - redynamiser redéballer redébarbouiller redébarquer redébaucher redébiner - redébloquer redébobiner redéborder redéboucher redébourser redébouter - redébrancher redébrouiller redébroussailler redébudgétiser redébureaucratiser - redécaisser redécaler redécalquer redécanter redécaper redécapoter - redécerner redéchausser redéchiffrer redéchirer redécider redéclarer - redécliner redécoder redécoiffer redécoller redécoloniser redécolorer - redécompter redéconcentrer redéconnecter redéconner redéconseiller redécorer - redécouler redécouper redécrocher redécrypter redéculotter redéfausser - redéfricher redéfriper redéfriser redéfroisser redégivrer redégonfler - redégotter redégringoler redégrouper redéjeuner redélimiter redélivrer - redémarrer redéminer redémissionner redémobiliser redémocratiser redémonter - redémêler redénicher redénombrer redénouer redépanner redépeigner redépenser - redéplisser redéporter redéposer redépouiller redérailler redérober redéserter - redésirer redésister redétacher redétailler redétecter redéterminer redéterrer - redétériorer redévaler redévaliser redévaloriser redévaluer redévaster - redévisser redévoiler redîner refabriquer refacturer refamiliariser - refarter refasciser refaucher refaufiler refavoriser refaçonner refermer - refeuiller reficher refidéliser refiler refilmer refiltrer refiscaliser - reflamber reflancher reflanquer reflotter refluer refluxer refoirer - refonder reforer reforester reformaliser reformater reformer reformuler - refouler refourgonner refourrer refranchiser refranciser refrapper - refringuer refriper refriser refrogner refroisser refrotter refréner - refuguer refumer refuser refâcher reféliciter reféminiser refêter regaffer - regalber regaloper regambader regarder regarer regazonner regerber regermer - regimber registrer reglisser regober regommer regonfler regoudronner regourer - regoûter regrader regratter regraver regreffer regretter regriffer regriller - regrogner regronder regrouper regrêler regueuler regâcher rehasarder rehausser - rehiérarchiser rehomologuer rehospitaliser rehériter rejalonner rejetonner - rejouer relabourer relaisser relarguer relater relatiniser relationner - relatter relaver relaxer relifter relimer reliquider relisser relocaliser - relouer relouper reluquer relustrer relutter relâcher relégender relégitimer - remailer remailler remajorer remaltraiter remandater remanifester remanoeuvrer - remaquiller remarchander remarcher remarquer remartyriser remasquer - remastiquer remasturber remastériser remaçonner remaîtriser remballer - rembarrer rembaucher rembiner remblaver rembobiner remborder rembourrer - remboîter rembucher remembrer rementionner remesurer remeubler remilitariser - reminer reminuter reminéraliser remiser remixer remmailler remmailloter - remmouler remobiliser remoderniser remonter remontrer remonétiser remoquetter - remotiver remotoriser remoucher remouiller remouler rempailler remparer - remplumer rempocher rempoisonner rempoissonner remporter rempoter remprisonner - remuer remurmurer remuscler remâcher remédicaliser remémorer remêler renarder - renatter renaturaliser renauder renaviguer rencaisser rencarder renchausser - rencogner rencoller rencontrer rencoquiller rencorser rendetter rendosser - renfaîter renfermer renfiler renflammer renfler renflouer renformer - renfourner renfrogner rengainer rengraisser rengrener rengréner renifler - renommer renoper renormaliser renoter renouer renquiller renseigner renserrer - rentamer renter rentoiler rentortiller rentraîner rentrer renucléariser - renvelopper renvenimer renverser renvider renvoler renâcler repaginer repairer - repapilloter reparapher repardonner reparer reparler reparticiper repatiner - repaumer repaver repeigner repeinturer repencher repenser repercuter - reperforer reperméabiliser reperturber repeupler rephosphorer repiler repiller - repiloter repiocher repiquer repirater repisser repistonner replacarder - replaider replaisanter replanquer replanter replaquer replastiquer repleurer - repleuvoter replisser replomber replâtrer repointer repoisser repoivrer - repolitiser repolluer repomper reponchonner reponctionner repopulariser - reposer repositionner repositiver repostuler repoudrer repousser repratiquer - repriser reprivatiser reprocher reproclamer reprofaner reprofiler reprofiter - reprogresser reprohiber reproposer repropulser reprouver reprovincialiser - repréparer représenter représider reprêcher reprêter repter repuiser - repéter repétitionner repêcher requadriller requestionner requiller requinquer - requêter rerespirer resabler resaboter resaccader resaler resaluer resaper - resauter resavonner rescaper resceller rescinder reseller resensibiliser - resiffler resignaler resigner resituer resocialiser resoigner resolliciter - resouper respectabiliser respecter respirer responsabiliser respéculer - ressaigner ressaler ressangler ressauter ressembler resserrer ressouder - ressusciter restabiliser restatuer restaurer rester restituer restoubler - resuccomber resucrer resulfater resuppurer resurchauffer resyllaber - resympathiser resynchroniser resyndicaliser resyndiquer resélectionner - retacher retailler retanner retaper retapisser retarder retarifer retaxer - reterser retester rethéâtraliser retimbrer retirer retisser retomber retoquer - retortiller retorturer retoucher retouper retourner retousser retrafiquer - retrancher retransborder retransformer retransfuser retransiter retranspirer - retransporter retransposer retransvaser retravailler retraverser retraîner - retricher retricoter retrifouiller retrimbaler retrimballer retriompher - retriturer retromper retrotter retrouer retrousser retrouver retruander - retuer returbiner retéléphoner retéléviser retémoigner revacciner revalider - revalser revancher revasculariser revendiquer reventer reverbaliser revercher - reverser revider revigorer revirer reviser revisionner revisiter revisser - revoler revolvériser revoter revriller rewriter rhabiller rhabiter rhabituer - rhumer rhétoriquer ribauder ribler riblonner riboter ribouldinguer ribouler - ricocher rider ridiculiser riduler riffauder rifler rigoler rimailler rimer - ringardiser rinker rioter ripailler riper ripoliner riposter riser risquer - ristourner ritter ritualiser rivaliser river rivotter rober robinsonner - rocailler rocher rocker rocouer rocquer roder rogner rognonner romaniser - ronchonner ronder ronfler ronfloter ronflotter ronronner ronsardiser ronéoter - roquer roser rosser rossignoler roter rotomouler rouanner roublarder roucouer - roucouyer rouer rouiller roulader rouler roulotter roupiller rouscailler - roussiller roussoter rouster rousturer router routiner rubaner rubriquer - rudenter ruer ruginer ruiler ruiner ruminer rupiner ruraliser rurbaniser ruser - russiser rustiquer rutiler rythmer râbler râler râloter râper réabdiquer - réaborder réabouter réabreuver réabriter réabsenter réabsorber réaccaparer - réaccepter réaccidenter réacclimater réaccorder réaccoster réaccoutumer - réaccuser réachalander réacheminer réacquitter réactionner réactiver - réadapter réadditionner réadministrer réadmonester réadonner réadopter - réaffecter réaffermer réafficher réaffiler réaffirmer réaffronter réaffûter - réagglutiner réaggraver réagrafer réagresser réaiguiller réaiguillonner - réaimanter réaimer réajourner réajuster réalcooliser réalerter réaligner - réaliser réallaiter réallouer réallumer réamarrer réamender réamidonner - réanalyser réanastomoser réanimer réannexer réannoter réapaiser réapostropher - réappliquer réapposer réapprivoiser réapprouver réapprovisionner réappréhender - réapurer réarchitecturer réargenter réargumenter réarmer réarnaquer réarpenter - réarroser réarrêter réarticuler réasphalter réaspirer réassaisonner - réassigner réassister réassumer réassurer réastiquer réattaquer réattiser - réauditionner réaugmenter réautomatiser réautoriser réavaler réavaliser - rébellionner récapituler réceptionner réchapper réchauffer réchelonner - réciproquer réciter réclamer récliner récoler récolliger récolter récompenser - récrier récriminer récréer récurer récuser rédimer réeffectuer réemballer - réembaucher réembobiner réembourber réembouteiller réemboîter réembrigader - réemmailloter réemmancher réemmerder réemmêler réemparer réempiler réempocher - réempoisonner réempoissonner réemprisonner réemprunter réempêcher réempêtrer - réencaisser réencaustiquer réencercler réenchaîner réenchevêtrer réenchâsser - réenclencher réencoder réencombrer réendetter réendosser réenfiler réenflammer - réenfourcher réenfourner réengendrer réenglober réengouffrer réengraisser - réenjamber réenliser réenquêter réenregistrer réenrhumer réenrouler - réentamer réentartrer réenterrer réenthousiasmer réentortiller réentourer - réentrer réenvelopper réenvenimer réenvoler réenvoûter réescalader réescamoter - réescorter réestimer réexalter réexaminer réexcuser réexhiber réexhorter - réexpertiser réexpirer réexpliciter réexpliquer réexploiter réexplorer - réexposer réexprimer réexpulser réexpérimenter réextrader réexécuter - réflectoriser réflexionner réflexiviser réformer réfracter réfréner réfuter - régater régenter régimer régionaliser réglementer régresser régulariser - régurgiter réhabiliter réhabiter réhabituer réharmoniser réhomologuer - réhydrater réillustrer réimaginer réimbiber réimbriquer réimperméabiliser - réimpliquer réimplorer réimporter réimportuner réimposer réimprimer - réimpulser réimputer réincarner réinciser réincomber réincorporer réincruder - réincuber réinculper réinculquer réindemniser réindexer réindustrialiser - réinfester réinfiltrer réinformatiser réinféoder réingurgiter réinhiber - réinjecter réinsister réinsonoriser réinspecter réinspirer réinstaller - réinstituer réintenter réintercaler réintercepter réinterner réinterviewer - réintituler réintéresser réinventer réinviter réislamiser rénetter rénover - réobserver réobstruer réobturer réoccuper réorchestrer réordonner réorganiser - réoxyder réparer répartonner répercuter répliquer réprimander réprimer - républicaniser répugner réputer répétailler répéter réquisitionner réserver - résigner résiner résister résonner résorber résulter résumer résupiner rétamer - rétorquer rétracter rétribuer rétrodiffuser rétrograder rétromorphoser - rétroréflectoriser rétroréguler rétroverser réunionner réusiner réutiliser - réveillonner réviser révolter révolutionnariser révolutionner révolvériser - révulser réécarter rééchafauder rééchelonner rééchouer rééclairer rééconomiser - réécourter réécouter réécrouer réédicter rééditer rééduquer rééjecter - réélaguer réémigrer réémonder réénergétiser réépargner réépiler rééplucher - rééquilibrer rééquiper réétaler réétamer réétatiser réétoffer réévaluer - rêner rêver rôdailler rôder rôler sabbatiser sabler sablonner saborder saboter - sabrer saccader sacchariner sacquer sacraliser sacrer sadiser safariser - saietter saigner sailler saisonner salabrer saler salicyler saligoter saliner - saliver salonner saloper salpêtrer salpêtriser saluer sanctionner sanctuariser - sanforiser sangler sangloter sanskritiser saouler saper saquer sarabander - sarmenter sarper sarrasiner sarter sataner sataniser satelliser satiner - satoner satonner saturer satyriser saucissonner saumoner saumurer sauner - saurer saussuritiser sauter sautiller sauvegarder sauver savater savonner - sayetter scalper scandaliser scander scanner scannériser sceller scheider - scheloter schizophréniser schlaguer schlinguer schlitter schloffer schloter - schtroumpfer schématiser scientifiser scinder scintiller sciotter scissionner - scolariser scooper scorer scotcher scotomiser scotomoser scrabbler scraber - scribler scribouiller scruter scrutiner sculpter scénariser secondariser - secouer secréter sectionner sectoriser segmenter seiner seller sembler - sempler senner sensationnaliser sensibiliser sentimentaliser septembriser - seriner seringuer sermonner serpenter serpentiniser serper serrer sexer - sexualiser sganarelliser shampoigner shampooiner shampooingner shampouiner - shunter shérardiser siallitiser siccativer siester siffler siffloter sigler - signaliser signer silhouetter silicater silicatiser siliciurer siliconer - siller sillonner siloter similer similiser simonizer simuler sinapiser - siniser sinistrer sintériser sinuer siphonner siroper siroter situer skipper - slaviser smasher smiller smocker smurfer sniffer snober sociabiliser - socratiser soder sodomiser soiffer soigner solariser solder solenniser - solifluer soliloquer solliciter solmiser solubiliser solutionner solvabiliser - soléciser somatiser sombrer sommeiller sommer somnambuler somniloquer somnoler - sonnailler sonner sonoriser sophistiquer sorguer soubresauter souder - souffler souffroter soufrer souhaiter souiller souillonner souligner - soupailler souper soupirer soupçonner souquer sourciller sourdiner soussigner - souter soutirer soviétiser soûler soûlotter spasmer spatialiser spatuler - sphéroïdiser spilitiser spiraler spiraliser spirantiser spiritualiser spitter - splénectomiser spléniser sponsoriser sporter sporuler sprinter spécialiser - squatter squattériser squeezer stabiliser stabuler staffer stagner staliniser - standoliser stanioler stariser stationner statistiquer statuer stelliter - stenciler stendhaliser stepper stigmatiser stimuler stipuler stocker stopper - stresser strider striduler striper stripper striquer stronker strouiller - strychniser stuquer styler styliser sténoser sténotyper stériliser stéréotyper - subdiviser subdivisionner subjectiver subjectiviser subjuguer sublimer - subluxer subminiaturiser subodorer subordonner suborner subsister substanter - substantiver substituer subsumer subtiliser suburbaniser subventionner - succomber sucrer suer suffixer suffoquer suggestionner suicider suifer suiffer - sulfater sulfiniser sulfinuser sulfiter sulfoner sulfurer sulfuriser super - superposer superviser supplanter supplémenter supporter supposer supprimer - supputer supérioriser surabonder suraccumuler suractiver suradapter - surajouter suralcooliser suralimenter suraller suranimer suranner surarmer - surblinder surbooker surboucher surbriller surbroder surcapitaliser - surchauffer surcoller surcolorer surcompenser surcomprimer surconsommer - surcoter surcouper surcreuser surdimensionner surdorer surdoser surdouer - surdéterminer surdévelopper surencombrer surendetter surentraîner surestimer - surexhausser surexploiter surexposer surfacturer surfer surficher surfiler - surfractionner surfrapper surgeonner surgonfler surgreffer surhausser - surimpressionner surimprimer surindustrialiser suriner surinfecter surinformer - surjauler surjouailler surjouer surligner surlouer surmoduler surmonter - surmédicaliser surmédicamenter surnaturaliser surnommer suroxyder surpatter - surpiquer surplomber surpresser surreprésenter surréserver sursaler sursaturer - sursimuler sursouffler surstabiliser surstimuler surstocker sursulfater - surtaxer surtitrer survaloriser surveiller surventer survider survirer - survolter suréchantillonner surémanciper suréquiper surévaluer susciter - susseyer sustanter sustenter susurrer suturer suçoter swaper swinguer - syllaber syllabiser syllogiser symboliser sympathiser symétriser synchroniser - syncristalliser syndicaliser syndiquer synthétiser syntoniser syphiliser - sécréter séculariser sécuriser sédentariser sédimenter séjourner sélecter - sémantiser sémiller séparer séquestrer sérialiser sérénader tabiser tabler - tabouiser tabuler tacher tacler taconner taguer taillader tailler taler taller - talonner talquer taluter tambouiller tambouriner tamiser tamponner tangenter - tanguer taniser tanner tanniser tantaliser taper tapiner tapirer tapiriser - taponner tapoter taquer taquiner taquonner tarabiscoter tarabuster tararer - tarder tarer targetter targuer tarifer tarmacadamiser tarter tartiner - tartrer tartriquer tatillonner tatouer tatouiller tauder tautologiser - taveller taxer tayloriser tchatcher techniciser techniser technocratiser - teiller teinter temporiser tempêter tenailler tenonner tensionner tenter - terminer terrailler terreauder terreauter terrer terriner territorialiser - terser tertiariser tester testonner texturer texturiser thermaliser thermiser - thermocoller thermodiffuser thermofixer thermoformer thermopropulser - thromboser thyroïdectomiser thématiser théologiser théoriser thésauriser - tictacquer tictaquer tigrer tiller tilloter tillotter tilter timbrer - tinter tintinnabuler tiquer tirailler tirebouchonner tirefonner tirer tiser - tisser titaner titaniser titiller titrer titriser tituber titulariser toaster - toiler toiletter toiser tolstoïser tomater tomber tomer tonitruer tonner - tontiner tonturer toper topicaliser toquer torchecuter torcher torchonner - torgnoler toronner torpiller torsader torsiner tortiller tortillonner tortorer - tosser toster totaliser toucher touer touffer touiller toupiller toupiner - tourber tourbillonner tourer tourillonner tourmenter tournailler tournaser - tourner tournevirer tournicoter tourniller tournioler tourniquer toussailler - toussoter trabouler tracaner trachéotomiser tracter tractionner traficoter - trafuser trailler traiter tramer trancaner tranchefiler trancher tranquilliser - transborder transcender transcoder transfecter transfigurer transfiler - transfuser transgresser transhumer transistoriser transiter translater - transmuer transmuter transpirer transplanter transporter transposer transsuder - transvider trapper traquer traumatiser travailler travailloter traverser - traîner treillisser trekker trembler tremblocher trembloter tremper - tressauter tresser treuiller trianguler triballer tribouiller tricher - tricoter trifouiller trigauder trigonaliser triller trimarder trimbaler - trimer trimestrialiser trimériser tringler trinquer triompher tripatouiller - triploïdiser tripolisser tripotailler tripoter tripper triquer trisser - trivialiser trochisquer trognonner trombiner tromboner tromper troncher - tronçonner tropicaliser troquer trotter trottiner troubler trouer trouiller - troussequiner trousser trouver truander trucher trucider truculer trueller - truiter truquer trusquiner truster trébucher tréfiler trélinguer trémater - trémuler trépaner trépider trépigner trésailler trévirer trôler trôner tuber - tuberculiniser tuberculiser tubériser tuer tuiler tumultuer tunnelliser - turboforer turlupiner turluter turquiser tuteurer tuyauter twister tympaniser - typer typiser tyranniser tâcher tâtonner télescoper télexer télomériser - télécommander télédiffuser télédébiter télédétecter téléguider téléimprimer - télélocaliser télémanipuler télématiser télépancarter téléphoner télépiloter - téléporter télésignaliser téléviser témoigner ténoriser tétaniser tétonner - tétuer ultrafiltrer ululer uniformiser universaliser upériser urbaniser uriner - usiner usiter usurper utiliser vacciner vacher vaciller vacuoliser vadrouiller - vaguer vaigrer vaironner valdinguer valider vallonner valoriser valser vamper - vandaliser vaniser vanner vanter vantiler vantiller vapocraquer vaporiser - varander varapper varianter varioliser varloper vasculariser vasectomiser - vaser vasouiller vassaliser vaticiner vautrer vedettiser veiller veiner - velter vendiquer venter ventiler ventouser ventriloquer ventrouiller - verduniser vergner verjuter vermiculer vermiller vermillonner vermouler - vernisser verrer verrouiller verser vert-de-griser verticaliser vesser vexer - viander vibrer vibrionner victimer victimiser vider vidimer vieller - vigiler vignetter vilipender villégiaturer vinaigrer viner vingtupler - violer violoner virer virevolter virevousser virevouster virginiser virguler - viroler virtualiser virusser viser visionner visiter visser visualiser - vitaminer vitaminiser vitrer vitrioler vitrioliser vivisecter vivoter vobuler - voguer voiler voiser voisiner voiturer volanter volatiliser volcaniser voler - voltaïser volter voluter voter vouer vousser voyeller voyelliser voûter - vrillonner vulcaniser vulgariser vulnérabiliser véhiculer vélariser vélivoler - véroter vétiller vêler warranter wobbuler xéroxer yodiser yodler youyouter - yoyotter zader zapper zester zieuter zigouiller zigzaguer zinguer zinzinuler - zipper zoner zonzonner zoomer zozoter zyeuter zéroter ânonner ébarber ébaucher - éberluer éberner éboguer éborgner ébosser ébotter ébouer ébouillanter ébouler - ébourgeonner ébouriffer ébourrer ébouser ébousiner ébouter ébouturer ébraiser - ébranler ébraser ébrauder ébroder ébrouder ébrouer ébrousser ébruiter ébruter - écacher écaffer écailler écaler écanguer écapsuler écarbouiller écarder - écarquiller écarter écarver écepper échafauder échaloter échancrer - échantillonner échanvrer échapper échardonner écharner écharper écharpiller - échauder échauffer échauler échaumer échelonner écheniller échevetter échigner - échopper échosonder échouer écimer éclabousser éclairer éclater éclipser - écloper écluser écobuer écoeurer écoiner écointer écologiser économiser écoper - écorcher écorer écorner écornifler écosser écouler écourter écouter - écrabouiller écraminer écraser écrivailler écroter écrouer écrouler écroûter - écuisser éculer écumer écurer écussonner écôter édenter édicter éditer - édulcorer éduquer édéniser éfaufiler égailler égaler égaliser égarer égauler - églomiser égobler égorgiller égosiller égousser égoutter égrainer égraminer - égrapper égratigner égravillonner égriser égueuler éherber éhouper éjaculer - éjarrer éjecter éjointer élaborer élaguer élaiter élaver élaïdiser électriser - électrocuter électrodéposer électrolyser électroner électroniser - électropuncturer électrozinguer éliciter élider élimer éliminer élinguer - éloigner élucider élucubrer éluder éluer élégantiser émailler émanciper émaner - émender émerillonner émeriser émerveiller émeuler émietter émigrer émonder - émotionner émotter émoucher émousser émoustiller émuler émulsionner émétiser - énaser énergiser énergétiser énerver éneyer énieller énoliser énoper énouer - énupler énuquer éoliser épailler épaler épamprer épancher épanner épanouiller - éparpiller épater épaufrer épauler éperonner épeuler épeurer épierrer - épigéniser épilamer épiler épiloguer épimériser épiner épingler épisser - épithétiser éplorer éplucher époiler épointer épointiller époinçonner - épouffer épouiller époumoner épouser époustoufler épouvanter éprouver épuiser - épurer épépiner équerrer équeuter équilibrer équiper équipoller équivoquer - érafler érailler éreinter éroder érotiser éructer érusser établer étaler - étalonner étamer étamper étancher étançonner étarquer étatiser étaupiner - éterniser éternuer éthyler éthériser étioler étirer étoffer étoiler étonner - étouper étoupiller étranger étrangler étraper étremper étrenner étriller - étriper étriquer étriver étrogner étronçonner étrésillonner étuver - étêter évacuer évader évaginer évaguer évaltonner évaluer évangéliser évaporer - évaser éveiller éveiner éventer éventiller éventrer éverdumer éverser évertuer -""".split()) \ No newline at end of file +VERBS = set( + """ +abaisser abandonner abdiquer abecquer aberrer abhorrer abjurer ablater +abluer ablutionner abominer abonder abonner aborder aborner aboucher abouler +abraquer abraser abreuver abricoter abriter absenter absinther absorber abuser +abéliser abîmer académiser acagnarder accabler accagner accaparer accastiller +accentuer accepter accessoiriser accidenter acclamer acclimater accointer +accolader accoler accommoder accompagner accorder accorer accoster accoter +accouder accouer accoupler accoutrer accoutumer accouver accrassiner accrocher +accréditer acculer acculturer accumuler accuser acenser achalander acharner +achopper achromatiser aciduler aciériser acliquer acoquiner acquitter acquêter +actiniser actionner activer actualiser acupuncturer acyler acétaliser acétyler +additionner adenter adieuser adirer adjectiver adjectiviser adjurer adjuver +admirer admonester adoniser adonner adopter adorer adorner adosser adouber +adsorber aduler adverbialiser affabuler affacturer affairer affaisser affaiter +affamer affecter affectionner affermer afficher affider affiler affiner +affirmer affistoler affixer affleurer afflouer affluer affoler afforester +affouiller affourcher affriander affricher affrioler affriquer affriter +affruiter affubler affurer affûter afistoler africaniser agatiser agenouiller +aggraver agioter agiter agoniser agourmander agrafer agrainer agresser +agriffer agripper agrouper agrémenter aguetter aguicher ahaner aheurter aicher +aigretter aiguer aiguiller aiguillonner aiguiser ailer ailler ailloliser +aimer airer ajointer ajourer ajourner ajouter ajuster ajuter alambiquer +alarmer alcaliniser alcaliser alcooliser alcoolyser alcoyler aldoliser alerter +aleviner algorithmiser algébriser algérianiser aligner alimenter alinéater +aliter alkyler allaiter allectomiser allitiser allivrer allocutionner alloter +alluder allumer allusionner alluvionner allyler allégoriser aloter alpaguer +alphabétiser alterner aluminer aluminiser aluner alvéoler alvéoliser +amadouer amalgamer amariner amarrer amateloter ambitionner ambler ambrer +amender amenuiser ameulonner ameuter amiauler amicoter amidonner amignarder +amignoter amignotter aminer ammoniaquer ammoniser ammoxyder amocher amouiller +amourer amphotériser ampouler amputer amunitionner amurer amuser améliorer +anagrammatiser anagrammer analyser anamorphoser anaphylactiser anarchiser +anathématiser anatomiser ancher anchoiter ancrer anecdotiser anglaiser angler +angoisser anguler angéliser animaliser animer aniser ankyloser annexer +annoter annualiser annuler anodiser anser antagoniser anthropomorphiser +anticoaguler antidater antiparasiter antiquer antiseptiser antéposer +anuiter aoûter apaiser apetisser apeurer apiquer aplaner apologiser +aponter aponévrotomiser aposter apostiller apostropher apostumer apothéoser +appareiller apparenter appeauter appertiser appliquer appointer appoltronner +apporter apposer apprivoiser approcher approuver approvisionner approximer +apprêter apurer apériter aquareller arabiser aramer araméiser araser arbitrer +arboriser archaïser architecturer archiver ardoiser arer argenter argoter +argumenter arianiser arimer ariser aristocratiser aristotéliser arithmétiser +armaturer armer arnaquer aromatiser arpenter arquebuser arquer arracher +arrenter arrher arrimer arriser arriver arroser arrêter arsouiller articler +artificialiser artistiquer artérialiser aryler arçonner aréniser ascensionner +aseptiser asexuer asiatiser aspecter asphalter aspirer assabler assaisonner +assassiner assembler assener assermenter asserter assibiler assigner assimiler +assoiffer assoler assommer assoner assoter assumer assurer asséner asticoter +athéiser atlantiser atomiser atourner atropiniser attabler attacher attaquer +attenter attentionner atterrer attester attifer attirer attiser attitrer +attraper attremper attribuer attrister attrouper atténuer aubiner +auditer auditionner augmenter augurer aulofer auloffer aumôner auner auréoler +authentiquer autoaccuser autoadapter autoadministrer autoagglutiner +autoallumer autoamputer autoanalyser autoancrer autoassembler autoassurer +autocastrer autocensurer autocentrer autociter autoclaver autocoller +autocondenser autocongratuler autoconserver autoconsommer autocontester +autocratiser autocritiquer autodicter autodiscipliner autodupliquer +autodénigrer autodésigner autodéterminer autoenchâsser autoenseigner +autofertiliser autoformer autofretter autoféconder autogouverner autogreffer +autolimiter autolyser automatiser automitrailler automutiler automédiquer +autopersuader autopiloter autopolliniser autoporter autopositionner +autopropulser autorelaxer autoriser autoréaliser autoréguler autoréparer +autostimuler autostopper autosubsister autosuggestionner autotomiser +autovacciner autoventiler autoéduquer autoépurer autoéquiper autoévoluer +avaler avaliser aventurer aveugler avillonner aviner avironner aviser +aviver avoiner avoisiner avorter avouer axer axiomatiser azimuter azoter +aéroporter aérosonder aérotransporter babiller babouiner bachonner bachoter +badauder badigeonner badiner baffer bafouer bafouiller bagarrer bagoter +bagouler baguenauder baguer baguetter bahuter baigner bailler baiser baisoter +baisouiller baisser bakéliser balader baladiner balafrer balancetiquer +baleiner baliser baliver baliverner balkaniser ballaster baller ballonner +balourder balustrer bambocher banaliser bancariser bancher bander banderiller +bandonéoner banner banquer baptiser baragouiner barander baraquer baratiner +barauder barbariser barber barbeyer barboter barbouiller barder barguigner +baroniser baronner baroquiser barouder barreauder barrer barricader barroter +barytonner basaner basculer baser bassiner baster bastillonner bastinguer +bastonner bastringuer batailler batifoder batifoler batiker batiller batourner +baudouiner bauxitiser bavacher bavarder baver bavocher bavoter bayer bazarder +becter bedonner beigner beloter belotter belouser benzoyler benzyler berdiner +berlurer berner bertauder bertillonner bertouder besogner bestialiser beugler +biaiser bibarder bibeloter biberonner bicarbonater bicher bichonner +bidistiller bidonner bidonvilliser bidouiller biduler biffer biffetonner +biftonner bifurquer bigarrer bigler bigophoner bigorner bijouter biler +billarder billebarrer billebauder biller billonner biloquer biner binoter +biotraiter biotransformer biper bipolariser biscoter biscuiter biseauter +biser bisiallitiser bismuther bisouter bisquer bissecter bisser bistourner +bistrouiller biter bitter bitturer bitumer bituminer bituminiser biturer +bivouaquer bizouter bizuter blablater blackbouler blaguer blaireauter blairer +blaser blasonner blesser bleuter blinder blinquer bloquer blouser bluetter +bluter bobiner bocarder boetter boffumer boguer boiser boissonner boitailler +boitiller boitter bolcheviser bolchéviser bolincher bombarder bomber bombiller +bonder bondieuser bondonner bondériser bonimenter boquillonner borater +border bordurer bordéliser boriquer borner borosilicater borurer boscarder +bosseyer bossuer bostonner botaniser botter bottiner boubouler boucaner +boucher bouchonner boucler bouder boudiner bouffarder bouffer bouffonner +bougonner bouiller bouillonner bouillotter bouler boulevarder bouleverser +boulocher boulonner boulotter boultiner boumer bouquer bouquiner bourder +bourgeonner bourlinguer bourraquer bourrer bourriquer bourser boursicoter +boursouffler boursoufler bousculer bouser bousiller boustifailler boutader +boutiquer boutonner bouturer bouziller bovaryser bowaliser boxer boyauter +boësser braconner brader brailler braiser braisiller bramer brancarder +brandiller brandonner brandouiller branler branlocher braquer braser brasiller +brasseyer bravader braver bredouiller brelander breller bretailler bretauder +bretter brichetonner bricoler brider briefer brifer brifetonner briffer +briffetonner brifter briftonner brigander briguer brillanter brillantiner +brimbaler brimballer brimer brinder bringuebaler bringueballer bringuer +brinqueballer briocher brioler briquer briser britanniser brocanter brocarder +broder bromer bromurer broncher bronzer brosser brouetter brouillarder +brouillonner broussailler brousser brouter bruiner bruisser bruiter brumer +bruncher brusquer brutaliser bruter brésiller brétailler brêler brûler +bucoliser budgétiser buer buffler buffériser bugler bugner buiser buissonner +buquer bureaucratiser buriner buser busquer buter butiner butonner butter +buvoter byzantiner bâcher bâcler bâfrer bâiller bâillonner bâtarder bâtonner +bécotter béliner bémoliser béquiller bétonner bêcher bêler bêtiser bûcher +cabaler cabaner cabosser caboter cabotiner cabrer cabrioler cacaber cacaoter +cacher cachetonner cachotter cadastrer cadavériser cadeauter cadetter cadoter +cadrer cafarder cafeter cafouiller cafter cageoler cagnarder cagner caguer +caillebotter cailler caillouter cajoler calaminer calamistrer calamiter +calandrer calaouer calciner calculer calencher caler calfater calfeutrer +caller calmer caloriser calotter calquer calter camarder cambrer cambrioler +cameloter camer camionner camisoler camoufler camper camphrer canadianiser +canarder cancaner canceller cancériser candidater caner canneller canner +cannibaliser canoniser canonner canoter canter cantiner cantonnaliser +canuler caoutchouter caparaçonner caper capeyer capillariser capitaliser +capituler caponner caporaliser capoter capser capsuler capter captiver +capuchonner caquer carabiner caracoler caracouler caractériser caramboler +caraméliser carapater carbonater carboner carboniser carbonitrurer carbonyler +carburer carcailler carder cardinaliser carer caresser carguer caricaturer +carminer carniser carotter caroubler carrer carrioler carrosser cartelliser +cartonner cascader casemater caser caserner casquer castagner castiller +cataboliser cataloguer catalyser catapulter cataracter catastropher catcher +cathétériser catiner catéchiser catégoriser cauchemarder causaliser causer +cautériser cavalcader cavaler caver caviarder ceintrer ceinturer cendrer +centraliser centrer centupler cercler cerner cesser chabler chabroler +chahuter chalouper chaluter chamailler chamarrer chambarder chambouler +chambrer chamoiser champagniser champignonner champouigner champouiner +chanfrer chanlatter chansonner chanter chantonner chantourner chaparder +chaperonner chapitrer chaponner chapoter chaptaliser charançonner charbonner +chardonner chariboter charioter charivariser charlataner charmer charogner +charquer charronner charruer charteriser chatertonner chatonner chatouiller +chauber chaucher chauder chauffer chauler chaumer chausser chavirer chaîner +cheminer chemiser chenailler chenaler chercher cherrer chevaler chevaucher +chevretter chevronner chevroter chiader chialer chicaner chicorer chicoter +chiffonner chiffrer chigner chimiquer chimiser chimisorber chiner chinoiser +chipoter chiquenauder chiquer chirurgicaliser chlinguer chlorater chlorer +chloroformer chloroformiser chlorométhyler chlorurer chocolater choper +chopper choquer choser chouanner chouchouter chougner chouler chouraver +chouriner christianiser chromaluminiser chromater chromatiser chromer +chroniciser chroniquer chrysalider chuchoter chuinter chuter châtaigner +chènevotter chélater chénevotter chêmer chômer cibler cicatriser cicéroniser +ciller cimenter cingler cintrer cinématiser circonvoisiner circuiter +circuler cirer cisailler citer citronner civiliser clabauder claboter clairer +clamer clamper clampiner clampser clamser claper clapoter clapper clapser +claquer claquetter claudiquer claustrer claveliser claver clavetter clayonner +cligner clignoter climatiser clinquanter clinquer cliper cliquer clisser +clochardiser clocher clocter cloisonner cloner cloper clopiner cloquer clouer +cloîtrer cléricaliser clôturer coaccuser coacerver coacher coadapter +coagglutiner coaguler coaliser coaltarer coaltariser coanimer coarticuler +cocarder cocaïniser cocheniller cocher cochonner coconner cocooner cocoter +coder codiller coexister coexploiter coexprimer coffiner coffrer cofonder +cogner cohabiter cohober cohériter coiffer coincher colchiciner collaber +collationner collecter collectionner collectiviser coller collisionner +colluvionner colmater colombiner coloniser colorer coloriser colostomiser +colporter colpotomiser coltiner columniser combiner combler commander +commenter commercialiser comminer commissionner commotionner commuer +communautariser communiquer communiser commuter commémorer compacter comparer +compenser compiler compisser complanter complexer complimenter compliquer +complémenter complétiviser comporter composer composter compoter compounder +comprimer comptabiliser compter compulser computer computériser concentrer +concerner concerter concher conciliabuler concocter concorder concrétionner +concubiner condamner condenser condimenter conditionner confabuler +confesser confessionnaliser configurer confiner confirmer confisquer confiter +conformer conforter confronter confusionner congestionner conglober +congoliser congratuler coniser conjecturer conjointer conjuguer conjurer +conniver connoter conquêter consacrer conscientiser conseiller conserver +consister consoler consolider consommariser consommer consonantiser consoner +conspirer conspuer constater consteller conster consterner constiper +constitutionnaliser consulter consumer contacter contagionner containeriser +contaminer contemner contempler conteneuriser contenter conter contester +contingenter continuer contorsionner contourner contracter contractualiser +contraposer contraster contrebouter contrebuter contrecalquer contrecarrer +contreficher contrefraser contremander contremanifester contremarcher +contreminer contremurer contrenquêter contreplaquer contrepointer contrer +contrespionner contretyper contreventer contribuer contrister controuver +contrôler contusionner conventionnaliser conventionner conventualiser +convoiter convoler convoquer convulser convulsionner cooccuper coopter +coorganiser coparrainer coparticiper copermuter copiner copolycondenser +coprésenter coprésider copser copter copuler copyrighter coqueliner +coquer coqueriquer coquiller corailler corder cordonner cornaquer cornemuser +corporiser correctionaliser correctionnaliser correler corroborer corroder +corser corticaliser coréaliser coréguler cosigner cosmétiquer cosser costumer +cotillonner cotiser cotonner cotransfecter couaquer couarder couchailler +couchoter couchotter coucouer coucouler couder coudrer couillonner couiner +coulisser coupailler coupeller couper couperoser coupler couponner courailler +courber courbetter courcailler couronner courser court-circuiter courtauder +cousiner coussiner couturer couver coéditer coéduquer coïncider coïter coûter +cracher crachiner crachoter crachouiller crailler cramer craminer cramper +crampser cramser craner cranter crapahuter crapaüter crapser crapuler +craquer crasher craticuler cratoniser cratériser cravacher cravater crawler +creuser criailler cribler criminaliser criquer crisper crisser cristalliser +critiquer crocher croiser croquer croskiller crosser crotoniser crotter +croupionner crouponner croustiller croûter croûtonner cryoappliquer +cryocoaguler cryoconcentrer cryodécaper cryofixer cryogéniser cryomarquer +cryosorber cryoébarber crypter crâner crânoter crédibiliser créditer +créoliser créosoter crépiner crépiter crésyler crétiniser crêper crêter crôler +cueiller cuider cuisiner cuiter cuivrer culbuter culer culminer culotter +cultiver cumuler curariser curedenter curer curetter cuter cutiniser cuver +cyaniser cyanoser cyanurer cybernétiser cycler cycliser cycloner cylindrer +câbler câliner cémenter céphaliser céramiser césariser côcher dactylocoder +daguerréotyper daigner dailler daller damasquiner damer damner damouritiser +danser dansoter dansotter darder dater dauber daufer dauffer daupher daïer +demander demeurer dentaliser denter desceller designer despotiser desquamer +dessaigner dessaisonaliser dessaisonner dessaler dessaliniser dessangler +desseller desserrer dessiller dessiner dessoler dessoucher dessouder dessouler +dessuinter destiner destituer deviner deviser dextriniser diaboliser +diagnostiquer diagonaliser dialectaliser dialectiser dialoguer dialyser +diapasonner diaphaniser diaphanéiser diaphragmer diaprer diastaser diazoter +dichotomiser dicter diffamer diffluer difformer diffracter diffuser difluorer +digresser dihydroxyler diioder dilapider dilater diligenter diluer +diminuer dimériser dindonner dinguer dinitrer diogéniser diphtonguer diplexer +diplômer dirimer discerner discipliner disconnecter discontinuer discorder +discriminer discréditer discrétiser disculper discutailler discuter disjoncter +dismuter dispatcher dispenser disperser disponibiliser disposer +disputailler disputer disquer dissembler disserter dissimiler dissimuler +dissoner dissuader disséminer distiller distinguer distribuer disubstituer +divaguer diverticuler diviniser diviser divulguer diéséliser dociliser +documenter dodeliner dodiner dogmatiser doguer doigter dolenter doler +domanialiser domestiquer dominer dompter donjuaniser donner doper dorer +dormailler dormichonner dorsaliser doser dosser doter douaner doublecliquer +doublonner doucher douer douiller douter dracher drageonner dragonner draguer +dramatiser draper draver dresser dribbler driller driver droguer droitiser +dropper drosser dualiser dudgeonner duiter dumper duper duplexer duplicater +duraminiser durer dynamiser dynamiter dysfonctionner déactiver déafférenter +déankyloser débagouler débaguer débaleiner débaliser déballaster déballer +débalourder débanaliser débander débanquer débaptiser débarbouiller débarder +débarquer débarrer débarricader débaucher débecquer débecqueter débecter +débenzoler débenzoyler débeurrer débieller débiffer débiliser débiliter +débiller débiner débiter débitumer débituminer déblinder débloquer débobiner +déboguer déboiser débonder débondonner déborder débosser débotter déboucher +débouder débouler déboulonner débouquer débourber débourgeoiser débourrer +déboussoler débouter déboutonner déboîter débraguetter débrailler débraiser +débraser débrider débriefer débringuer débrocher débromer débronzer +débroussailler débrousser débruter débucher débudgétiser débuller +débusquer débutaniser débuter débutter débâcher débâcler débâillonner +débétonner débêcher débûcher décabosser décadrer décaféiner décaféiniser +décaisser décalaminer décalcariser décaler décalfater décalotter décalquer +décamper décanadianiser décanailler décaniller décanner décanter décantonner +décaoutchouter décaper décapitaliser décapiter décapitonner décapoter +décapuchonner décarbonater décarboniser décarbonyler décarboxyler décarburer +décarotter décarrer décartelliser décartonner décarêmer décaser décaserner +décatholiciser décatégoriser décauser décavaillonner décaver décentraliser +décercler décerner décesser déchagriner déchaler déchanter déchaper +déchaptaliser décharançonner décharner déchatonner déchauler déchaumer +déchaîner décheviller déchevêtrer déchiffonner déchiffrer déchirer déchlorer +déchoquer déchristianiser déchromer décibler décider déciller décimaliser +décintrer décirer déciviliser déclamer déclarer déclencher déclimater décliner +décliquer décliver déclocher décloisonner déclouer décloîtrer décléricaliser +décoaguler décocaïniser décocher décoconner décoder décoeurer décoffrer +décollectiviser décoller décolmater décoloniser décolorer décombrer +décommuniser décompacter décompartimenter décompenser décomplexer décompliquer +décompresser décomprimer décompter déconcentrer déconcerter décondamner +déconfessionnaliser déconforter décongestionner déconnecter déconner +déconsacrer déconseiller déconsigner déconsolider déconstiper +décontaminer décontextualiser décontracter décontracturer décontrôler +décoquer décoquiller décorder décorer décorner décortiquer décoter décotter +découenner découler découper découpler décourber découronner décraber +décranter décrapouiller décravater décreuser décriminaliser décriquer +décristalliser décrocher décroiser décrotter décroûter décruer décruser +décrédibiliser décréditer décrémenter décrépiter décrétiniser décrêper +décuivrer déculotter déculpabiliser déculturer décupler décurariser décuscuter +décycliser décérébeller dédaigner dédaller dédamer dédiviniser dédoler +dédorer dédosser dédotaliser dédouaner dédoubler dédramatiser défacturer +défaner défarder défarguer défasciser défatiguer défaufiler défauner défausser +défaçonner défenestrer déferler déferrailler déferrer déferriser défertiliser +défeutrer défibrer défibriller défibriner déficher défidéliser défigurer +défilialiser défilocher défiscaliser déflagrer déflaquer déflater déflegmer +déflorer défluer défluorer défocaliser défolioter défonctionnariser déforester +déformater déformer défouetter défouler défourailler défourner défourrer +défranchiser défranciser défrapper défretter défricher défrimer défringuer +défriser défrisotter défroisser défroquer défruiter défubler défumer défuncter +défâcher déféminiser dégainer dégalonner déganter dégarer dégarouler +dégasconner dégasoliner dégauchiser dégausser dégazer dégazoliner dégazonner +dégermer dégingander dégivrer déglaiser déglaçonner déglinguer déglobuliser +déglutiner déglycériner dégobiller dégoiser dégommer dégonder dégonfler +dégotter dégoudronner dégouliner dégoupiller dégoutter dégoûter dégrabatiser +dégrafer dégrainer dégraisser dégrammaticaliser dégranuler dégraphiter +dégravillonner dégrener dégriffer dégriller dégringoler dégripper dégriser +dégrouiller dégrouper dégréciser dégréner dégueniller dégueuler déguiser +déguster dégêner dégîter déhaler déhancher déharder déharnacher déhelléniser +déhotter déhouiller déhourder déhousser déhâler déidéologiser déioniser +déjanter déjeuner déjointer déjouer déjouter déjucher déjudaïser délabialiser +délabyrinther délactoser délainer délaisser délaiter délaminer délarder +délaver délecter délenter délester déleucocyter délicoter déligner déligoter +délimoner délinquer délinéamenter délinéariser délirer délisser délister +délivrer délocaliser déloquer délourder délover délurer délustrer déluter +délégitimer démacadamiser démacler démagnétiser démailler démaillonner +démancher démandriner démaniller démanoquer démantibuler démaoïser démaquer +démarcher démargariner démarginer démarquer démarrer démarxiser démascler +démasquer démasselotter démastiquer démathématiser dématriculer dématérialiser +démaçonner démembrer démensualiser démerder démesurer démeubler démieller +déminer déminéraliser démissionner démobiliser démocratiser démoder démoduler +démonter démontrer démonétiser démoraliser démorphiner démorphiniser démotiver +démouler démoustiquer démucilaginer démultiplexer démurer démutiser +démysticiser démyéliniser démécaniser démédicaliser démériter démétalliser +déméthyler démêler dénasaliser dénationaliser dénatter dénaturaliser dénaturer +déniaiser dénicher dénicotiniser dénigrer dénitrater dénitrer dénoder +dénominer dénommer dénoter dénouer dénoyauter dénucléariser dénuder dénuer +dénébuliser déodorer déodoriser dépaganiser dépageoter dépaginer dépagnoter +dépailler dépajoter dépalataliser dépaler dépalettiser dépalissader dépalisser +dépanner dépanouiller dépapiller dépapilloter déparaffiner déparasiter +déparcher dépareiller déparementer déparer déparfumer déparisianiser déparler +départementaliser dépassionner dépassiver dépastiller dépatouiller dépatter +dépayser dépeigner dépeinturer dépeinturlurer dépelliculer dépelotonner +dépenser dépentaniser dépersonnaliser dépersuader dépeupler déphaser +déphlogistiquer déphonologiser déphosphater déphosphorer dépiauter dépierrer +dépigeonniser dépigmenter dépiler dépingler dépiquer dépister dépiter +déplafonner déplanquer déplanter déplaquetter déplatiner déplisser déplomber +déplumer déplâtrer dépocher dépoiler dépointer dépoitrailler dépolariser +dépolluer dépolymériser dépontiller dépopulariser déporter déposer déposter +dépoudrer dépouiller dépoétiser dépraver dépresser dépressuriser déprimer +dépriver déprogrammer déprolétariser dépropaniser déprovincialiser dépréparer +dépulper dépunaiser dépurer députer dépécorer dépénaliser dépêcher dépêtrer +déqueusoter déquiller déraber déraciner dérader dérailler déraisonner +déramer déraper déraser dérater dérationaliser dératiser dérembourser +dérestaurer dérider dériver dérober dérocher dérocter déroder déroquer +dérouler dérouter dérueller déruraliser dérâper déréaliser dérégionaliser +déréguler déréprimer désabonner désabouter désabriter désabuser désaccentuer +désaccorder désaccorer désaccoupler désaccoutumer désachalander désacraliser +désadapter désadopter désaffecter désaffectionner désaffleurer désaffourcher +désaffubler désafférenter désagater désagrafer désailer désaimanter désaimer +désaisonnaliser désaisonner désajuster désalcoyler désaligner désaliniser +désallouer désalper désalphabétiser désaluminiser désamarrer désambiguer +désamianter désamidonner désaminer désaméricaniser désancrer désangler +désangoisser désannexer désapeurer désappareiller désapparenter désappointer +désapprovisionner désarabiser désarchiver désargenter désaristocratiser +désaromatiser désarrimer désarticuler désarçonner désasphalter désaspirer +désassembler désassibiler désassimiler désassurer désatelliser désatomiser +désattrister désaturer désauber désaveugler désavouer désaxer désazoter +déschister déschlammer déscolariser désectoriser désemballer désembarquer +désembaucher désembobiner désembourber désembourgeoiser désembouteiller +désembringuer désembrocher désembrouiller désembroussailler désembuer +désemmancher désemmieller désemmitoufler désemmurer désemmêler désempailler +désemparer désemphatiser désempierrer désempiler désemplumer désempoisonner +désempoissonner désemprisonner désemprunter désempêtrer désenamourer +désencanailler désencapsuler désencapuchonner désencarter désencartonner +désencastrer désencaustiquer désenchanter désenchaîner désenchevêtrer +désenclaver désenclencher désenclouer désencoller désencombrer désencorder +désencroûter désencuivrer désendetter désendimancher désenfiler désenflammer +désenfourner désenfumer désengazonner désenglober désengluer désengommer +désenivrer désenliser désenrhumer désenrober désenrouer désenrubanner +désenrôler désensabler désensacher désenseigner désenserrer désensibiliser +désensommeiller désensoufrer désentartrer désenterrer désenthousiasmer +désentoiler désentortiller désentraver désenturbanner désentêter désenvaser +désenvenimer désenverguer désenvoûter désergoter déserter désertiser +désexciter désexualiser déshabiliter déshabiller déshabiter déshabituer +désharnacher désharponner désherber désheurer déshomogénéiser déshonorer +déshuiler déshumaniser déshydrater déshémoglobiniser déshériter désiconiser +désidéologiser désigner désiler désilicater désillusionner désillustrer +désimbriquer désimmuniser désimperméabiliser désincarner désincorporer +désinculper désindemniser désindexer désindividualiser désindustrialiser +désinfatuer désinfecter désinformatiser désinformer désinféoder désinhiber +désinsectiser désinstaller désintellectualiser désintoxiquer désintriquer +désinvaginer désinviter désioniser désirer désislamiser désisoler désister +désobstruer désobuser désoccidentaliser désocculter désoccuper désocialiser +désoeuvrer désofficialiser désoler désolidariser désolvater désongler +désophistiquer désopiler désorber désorbiter désordonner désorganiser +désorienter désosser désoufrer désoutiller désoxyder déspiraliser +désponsoriser déspécialiser déstabiliser déstaliniser déstandardiser +déstocker déstresser déstructurer désubjectiviser désubventionner désucrer +désulfater désulfiter désulfurer désurbaniser désurchauffer désurtaxer +désynchroniser désyndicaliser désécailler déséchafauder déséchouer déséclairer +déségrégationner désélectriser désémantiser désémulsionner désénamourer +désépargner désépauler désépingler déséquetter déséquilibrer déséquiper +désétamer désétatiser déséthaniser désétoffer détabler détabouiser détacher +détaler détalinguer détaller détalonner détalquer détamiser détanner +détaper détapisser détartrer détatouer détaxer détayloriser détechnocratiser +déterminer déterminiser déterrer détester déthéiner déthésauriser +détimbrer détiquer détirefonner détirer détisser détitrer détoner détonner +détotaliser détourer détourner détoxiquer détracter détrancaner détrancher +détrapper détraquer détremper détresser détribaliser détricoter détripler +détromper détroncher détronquer détroquer détrousser détrôner détuber +dévaginer dévaler dévaliser dévaloriser dévaluer dévaser dévaster développer +déventer dévergonder déverguer déverrouiller déverser dévider dévirer +dévirginiser déviriliser déviroler dévisser dévitaliser dévitaminer +dévocaliser dévoiler dévoiser dévoler dévolter dévorer dévouer dévriller +dézinguer déélectroner dîmer dîner ecchymoser ectomiser eczématiser effaner +effaroucher effectuer effeuiller effiler effilocher effiloquer efflanquer +efflorer effluer effluver effondrer effriter effruiter effumer effuser +ellipser embabouiner emballer emballotter embaluchonner embalustrer embander +embarbouiller embarder embarquer embarrer embastiller embastionner embaucher +embecquer emberlicoquer emberlificoter emberloquer emberlucoquer embesogner +embidonner embieller emblaver embler embobeliner embobiner emboiser emboliser +embosser emboucaner emboucauter emboucher emboucler embouer embouquer +embourgeoiser embourrer embourser embouser embouteiller embouter emboîter +embraquer embraser embrelicoquer embreuver embrigader embringuer embrocher +embrouiller embroussailler embruiner embrumer embuer embusquer embâtonner +embêter embûcher emmagasiner emmailler emmailloter emmancher emmarquiser +emmenotter emmerder emmeuler emmiasmer emmieller emmitonner emmitoufler +emmotter emmoufler emmouscailler emmurailler emmurer emmêler empaffer +empaler empalmer empanacher empanner empapaouter empapilloter emparadiser +emparquer empatter empaumer empeigner empeloter empelotonner empenner +emperler emperruquer empester emphatiser empierrer empiffrer empiler empirer +emplanter emplastrer emplomber emplumer emplâtrer empocher empoicrer empoigner +empointer empoisonner empoisser empoissonner empommer emporter empoter +empourprer empouter empresser emprisonner emprunter emprésurer empêcher +empêtrer enamourer enarbrer encabaner encadrer encagouler encaisser encalminer +encanailler encaper encapsuler encapuchonner encaquer encarter encartonner +encaserner encaster encastrer encaustiquer encaver enceinter enceintrer +encenser encercler enchanter enchaper enchaperonner encharbonner encharner +enchausser enchaussumer enchaîner enchemiser enchevaler enchevaucher +enchevêtrer enchâsser encirer enclaver enclencher enclouer encloîtrer encocher +encoder encoffrer encoigner encoller encombrer encorbeller encorder encorner +encoubler encourtiner encrer encrister encroiser encrotter encrouer encroûter +encuivrer enculer encuver encéphaliser endauber endenter endetter endeuiller +endiamanter endiguer endimancher endisquer endivisionner endoctriner +endosmoser endosser endothélialiser endouzainer endrailler endurer endêver +enfariner enfaçonner enfaîter enfermer enferrer enficher enfieller enfiler +enflaquer enfler enfleurer enformer enfosser enfourcher enfourner enfricher +enfutailler enfûter engainer engaller engamer enganter engargousser engaver +engeigner engendrer engerber englaçonner englober engluer engober engommer +engouffrer engouler engraisser engraver engrisailler engrosser engrêler +engueuler engueuser enguicher enguirlander enharnacher enherber enivrer +enjaler enjamber enjanter enjoliver enjouer enjouguer enjuguer enjuiver +enjôler enkikiner enkyster enlarmer enligner enlinceuler enliser enluminer +enquiller enquinauder enquiquiner enquêter enraciner enrailler enregistrer +enrober enrocher enrouer enrouiller enrouler enrubanner enrégimenter enrésiner +enrôler ensabler ensaboter ensacher ensafraner ensaisiner ensanglanter +ensauver enseigner enseller enserrer enseuiller ensiler ensiloter ensimer +ensommeiller ensoufrer ensouiller ensoupler ensoutaner ensucrer ensuifer +ensuquer entabler entacher entailler entamer entaquer entartrer enter enterrer +enticher entoiler entomber entonner entortiller entourer entourlouper +entraccorder entraccuser entradmirer entraider entraver entraîner entrebâiller +entrecouper entrecroiser entredonner entredévorer entrefermer entregreffer +entrelarder entrelouer entremêler entrepardonner entrepointiller entreposer +entrequereller entrer entreregarder entreserrer entretailler entreteiller +entretuer entrevoûter entrexaminer entuber enturbanner entériner entêter +envacuoler envaler envaper envaser envelopper envenimer enverguer enverrer +envirer environner envoiler envoisiner envoler envoûter enwagonner ergoter +esbigner esbroufer esbrouffer escadronner escalader escaler escaloper +escamper escaper escarbiller escarbouiller escarmoucher escarper escher +esclaffer escobarder escompter escorter escrimer escroquer esgourder esmiller +espagnoliser espalmer espionner espoliner espouliner esquicher esquimauter +esquisser esquiver essaimer essarder essarmenter essarter esseimer essemiller +essentialiser esseuler essimer essimpler essorer essoriller essoucher +estafilader estamper estampiller ester esthétiser estimer estiver estocader +estomper estoquer estrapader estroper euphoriser européaniser européiser +exacerber exalter examiner excardiner excaver exceller excentrer excepter +exciser exciter exclamer excrémenter excursionner excuser exempter exhaler +exhiber exhorter exhumer exiler existantialiser existentialiser exister +exorbiter exorciser exostoser expanser expansionner expectorer expertiser +explanter expliciter expliquer exploiter explorer exploser exponctuer exporter +exprimer expulser expérimenter exsuder exsuffler exterminer externaliser +extorquer extrader extradosser extrapoler extraposer extravaguer extravaser +extrémiser extrêmiser exténuer extérioriser exulter exécuter fabricoter +fabuler facetter faciliter factionner factoriser facturer fader fagoter +failler fainéanter faisander falquer faluner familiariser fanatiser faner +fanfaronner fanfrelucher fantasmer faonner faradiser farandoler farauder +farfouiller farguer fariboler fariner farnienter farter fasciner fasciser +faseyer faséyer fatiguer fauberder fauberter faucarder faucher fauciller +fauder faufiler fausser fauter favoriser faxer fayoter fayotter façonner +feinter fellationner fendiller fenestrer fenêtrer ferler fermenter fermer +ferralitiser ferrer ferrouter ferruginer ferruginiser fertiliser fesser +festonner feuiller feuilletiser feuilletonner feuilloler feuillurer feuler +fiabiliser fibrer fibriller fibuler ficher fidéliser fieffer fienter fifrer +figurer filer filialiser filiforer filigraner filleriser fillonner filmer +filoguider filouter filtrer finaliser finlandiser fionner fioriturer +fissionner fissurer fistuliser fitter fixer flacher flageller flageoler +flairer flamandiser flamber flammer flancher flanquer flaquer flasher flatter +flemmarder flemmer fletter fleurdeliser fleurer fleuronner flibuster +flinguer flinquer flipper fliquer flirter floconner floculer floquer florer +flouer fluater fluber fluctuer fluer fluidiser fluorer fluoriser fluorurer +flytoxer flâner flânocher flânoter flâtrer flûter focaliser foirer foisonner +folichonner folioter folâtrer fomenter fonctionnaliser fonctionnariser +fonder forer forfaitariser forfaitiser forhuer forligner formaliser formater +formoler formuer formuler formyler forniquer forpaiser fossiliser fouailler +fouiller fouiner foularder fouler foulonner fourailler fourber fourcher +fourguer fourmiller fourrer foéner foëner fractionner fracturer fragiliser +fraiser framboiser franchiser franciser franfrelucher fransquillonner frapper +fraterniser frauder fredonner freiner frelater fretter fricoter frictionner +friller frimater frimer fringaler fringuer friper friponner friseliser friser +frisoter frisotter frissonner fritter froisser fronder froquer frotailler +frotter frouer froufrouter fructidoriser fruiter frusquer frustrer frégater +frétiller frôler fuguer fulgurer fulminer fumailler fumer fumeronner fumoter +funester furibonder fuser fusiller fusiner fusionner futiliser fâcher +fébriliser féconder féculer fédéraliser féeriser féliciter féminiser fénitiser +fétichiser fêler fêter gaber gabionner gadgétiser gafer gaffer gagner gainer +galber galer galipoter galler galocher galonner galoper galopiner galvaniser +galvauder gamahucher gambader gambergeailler gambeyer gambiller gaminer +ganser ganter garder gardienner garer gargariser gargoter gargouiller +garrotter garçonner gasconner gaspiller gastrectomiser gastrotomiser gauchiser +gaufrer gauler gauloiser gausser gaver gazer gazonner gazouiller gemeller +gendarmer gerber germaniser germer germiner gesticuler ghettoïser giberner +gifler gigoter giguer ginginer ginguer girer gironner girouetter givrer +glairer glaiser glander glandouiller glaner glavioter glaviotter glisser +globuliser gloser glottaliser glottorer glouglouter glousser gloutonner gluer +glycériner gobeloter gober gobichonner godailler goder godiller godronner +goinfrer golfer gominer gommer goménoler gonder gondoler gonfler gorgeonner +gouacher gouailler goualer gouaper goudronner goujonner goupiller goupillonner +gourbiller gourer gourmander gourmer gournabler goutter gouverner goûter +gracieuser graciliser grader graduer graffigner graffiter grafigner grailler +grainer graisser grammaticaliser graniter granitiser granuler graphiquer +grappiller grappiner grasseyer graticuler gratiner gratouiller gratter +grattouiller graver gravillonner graviter gravurer grecquer grediner greffer +grenader grenailler grenouiller grenter greviller gribouiller griffer +grigner grignoter griller grimer grimper grincher gringotter gringuer gripper +griser grisoler grisoller grisonner grivoiser grogner grognonner gronder +grouiner grouper groupusculariser gruauter gruer grusiner gruter gréciser +grésillonner grêler guerdonner guetter gueuler gueuletonner gueusailler +guider guidonner guigner guignoler guiller guillocher guillotiner guimper +guinder guiper guirlander guitariser guniter gutturaliser guêper guêtrer +gypser gyrer gâcher gégèner géhenner gélatiner gélatiniser géliver gémeller +génoper généraliser géométriser gêner gîter gödeliser gödéliser habiliter +habiter habituer hacher hachurer haleiner haler halluciner halogéniser halter +hancher handicaper hanner hannetonner hanter happer haranguer harder +harnacher harnaquer harpailler harper harpigner harponner hasarder haubaner +haver helléniser herbeiller herber herboriser hercher herscher herser heurter +hiberniser hier hindouiser hispaniser hisser historialiser historiciser +histrionner hiverner hivériser hiérarchiser hocher hogner hominiser +homologuer homopolymériser homosexualiser hongrer honorer horizonner +hormoner horodater horripiler hospitaliser hotter houblonner houer houler +hourailler hourder houspiller housser houssiner hucher huer huiler hululer +humecter humer hurler hurtebiller hussarder hutter hybrider hydrater +hydrocraquer hydrocuter hydrodésalkyler hydrodésulfurer hydroformer +hydrolyser hydrophiliser hydroplaner hydropneumatiser hydroraffiner hydroxyler +hyperboliser hypercentraliser hypermédiatiser hyperorganiser hyperpolariser +hyperspécialiser hypnotiser hystériser hâbler hâler hébraïser héliporter +hélitreuiller hématoser hémiacétaliser hémidécérébeller hémodialyser hémolyser +hépatectomiser hépatiser hérisser hérissonner hériter héroïser hésiter hôler +iconiser idiotiser idolâtrer idéaliser idéologiser ignorer illettrer illimiter +illusionner illustrer illuter imaginer imbiber imbriquer imiter immatriculer +immigrer imminer immobiliser immoler immortaliser immuniser impacter impaluder +impatroniser imperméabiliser impersonnaliser implanter impliquer implorer +implémenter importer importuner imposer impressionner imprimer improuver +impréciser impulser imputer impétiginiser inactiver inalper inaugurer incaguer +incardiner incarner incidenter inciser inciter incliner incomber incommoder +incriminer incruster incrémenter incuber inculper inculquer incurver indaguer +indenter indexer indianiser indigestionner indigner indiquer indisposer +individuer indoloriser indurer industrialiser indéfiniser indéterminer +infantiliser infatuer infecter infester infibuler infiltrer infirmer influer +informer infroissabiliser infuser inféoder inférioriser ingurgiter inhaler +inhumer initialer initialiser injecter innerver innocenter innover inoculer +inquarter insaliver insculper insensibiliser insinuer insister insoler +insonoriser inspecter inspirer installer instantanéiser instaurer instiguer +instituer institutionnaliser instrumentaliser instrumenter insuffler +insulter insupporter insécuriser inséminer intailler intellectualiser intenter +intentionner intercaler intercepter interconnecter interféconder interjecter +interligner interloquer internaliser internationaliser interner interpeller +interpolliniser interposer intersecter intersectionner interviewer intimer +intituler intoxiquer intrigailler intriguer intriquer introjecter introniser +intuber intuiter intuitionner intéresser intérioriser inutiliser invaginer +invectiver inventer inverser investiguer inviter involuer invoquer inégaliser +iodler iodurer ioniser iouler iraniser iriser ironiser irriguer irriter +irruer irréaliser islamiser isoler isomériser italianiser italiser ivrogner +jabler jaboter jacter jaffer jalonner jalouser jamber jambonner japonaiser +japonner japper jardiner jargauder jargonner jaroviser jaser jasper jaspiner +jazzer jerker jeûner jobarder jodler jogger joggliner jointer joncher jongler +jouailler joualiser jouer journaliser jouter jouxter jubiler jucher judaïser +juguler jumboïser jumper juponner jurer juter juxtaposer jérémiader jésuiter +kaoliniser kidnapper klaxonner knockouter knouter kératiniser labelliser +labourer labéliser lactoniser lactoser laguner lainer laisser laitonner +lambrequiner lambrisser lameller lamenter lamer laminer lamper lancequiner +languetter langueyer lansquiner lanter lanterner lantiponer lantiponner laper +lapider lapiner lapiniser laquer larder lardonner larguer larmer larronner +latiniser latter latéraliser latéritiser laudaniser laurer laver lavougner +laïciser laïusser lemmatiser lenter lessiver lester lettrer leurrer levrauder +levurer lexicaliser liaisonner liarder libeller libertiner libéraliser licher +lichéniser liciter lifter ligaturer ligner ligoter liguer limander limaçonner +limiter limoner limousiner lingoter linguer linotyper linéamenter linéariser +liquider liser liserer lisser lister lisérer liteauner liter lithochromiser +litonner litrer littératurer livrer lober lobotomiser localiser locher +lofer loffer lombaliser loquer lorgner lotionner loucher louer louper lourder +louver lover lucher luncher luner lunetter lustrer luter lutiner lutter +luxer lyncher lyophiliser lyrer lyriser lyser lâcher léchonner léchotter +légaliser légender légitimer lépariniser lésiner léviter lézarder macadamiser +machiner macler macquer maculer madraguer madrigaliser madériser maffioter +magasiner magner magnétiser magnétoscoper magouiller magyariser mailer mailler +maillonner majorer malaxer malléabiliser malléiner malter maltraiter malverser +manchonner mandater mander mandriner mangeailler mangeotter manifester +manipuler mannequiner manoeuvrer manoquer manquer mansarder manualiser +manufacturer manufacturiser manutentionner maquer maquereauter maquereller +maquiller marauder marbrer marchandailler marchander marchandiser marcher +margauder marginaliser marginer margoter margotter mariner marivauder marmiter +marmoriser marmotter marner maronner maroquiner marotiser maroufler marquer +marrer marronner marsouiner marsupialiser martiner martingaler martingaliser +marxiser masculiniser masquer massacrer masselotter massicoter mastiquer +mastériser matcher mater maternaliser materner materniser mathématiser +matriculer matter maturer matérialiser maximaliser maximer maximiser mazer +mazurker maçonner maîtriser membrer mendigoter menotter mensualiser mensurer +mentholer mentionner menuiser mercantiliser merceriser mercurer merder +meringuer merliner merlonner mesurer meubler meugler meuler meuliériser +miauler michetonner microdoser microficher microfilmer micromanipuler +microniser microplisser microprogrammer microsabler microsouder microter +mignoter migrainer migrer mijoter mildiouser militariser militer millerander +millésimer mimer minauder miner miniaturer miniaturiser minimaliser minimiser +minotauriser minuter minéraliser miraculer mirailler mirer miroiter miser +mitadiner miter mithridater mithridatiser mitonner mitrailler mixer mixter +mobiliser modaliser moderniser moduler modéliser modérantiser moellonner +mofler moirer moiser moissonner molarder molariser molester moletter mollarder +molletter moléculariser monarchiser mondaniser monder mondialiser moniliser +monomériser monophtonguer monopoler monopoliser monoprogrammer monosiallitiser +monotoniser monseigneuriser monter montrer monumentaliser monétariser +moquer moquetter morailler moraliser mordailler mordiller mordillonner +mordoriser morfailler morfaler morfiler morfler morganer morguer morner +morplaner mortaiser mosaïquer motionner motiver motoriser motter moucharder +moucheronner moufeter mouffer mouffeter moufler moufter mouiller mouler +moulurer mouronner mousseliner mousser moutarder moutonner mouvementer mouver +moyetter mucher muer muloter multilatéraliser multinationaliser multipler +multiprogrammer municipaliser munitionner murailler murer murmurer musarder +muser musiquer musquer musser muséaliser muter mutiler mutiner mutualiser +myloniser mylonitiser myorelaxer myristiquer myrrher mysticiser myéliniser +mâchiller mâchonner mâchoter mâchouiller mâchurer mâter mâtiner mécaniser +mécontenter médailler médeciner médiatiser médicaliser médicamenter médiser +méduser mégisser mégoter mélancoliser méliniter mélodramatiser mémoriser +mépriser mériter mésarriver mésestimer mésinformer mésuser métaboliser +métalliser métamictiser métamorphiser métamorphoser métamériser métaphoriser +métempsychoser méthaniser méthyler métisser métriser météoriser mêler nacrer +naniser napalmer napalmiser naphtaliner napper napperonner narcoser narcotiser +narrativiser narrer nasaliser nasarder nasillarder nasiller nasillonner +nationaliser natter naturaliser navaliser navigabiliser naviguer navrer +nerver nervurer neuraliser neuroleptiser neurotiser neutraliser neutrodyner +nicher nicotiniser nider nieller nigauder nimber nipper niquer nitrater nitrer +nitroser nitrurer nobéliser noctambuler noliser nomadiser nombrer +nominaliser nominer nommer nonupler noper nopper nordester nordouester +normander normandiser normer notabiliser noter nouer nover noyauter +nuer nuiter numériser numéroter nupler nymphoser néantiser nébuliser +nécroser négativer néoformer néolithiser néologiser néosynthétiser +néphrostomiser névroser objecter objectiver objurguer obliquer obnubiler +observer obstiner obstruer obturer occasionner occidentaliser occulter occuper +ocrer octupler océaniser odorer odoriser oedipianiser oedématiser oeillader +oeuvrer offenser officialiser offusquer oligomériser oligopoliser olinder +olofer oloffer ombiliquer ombrer onder onduler opaliser operculer opiner +opposer oppresser opprimer opter optimaliser optimiser oraliser orbiter +ordonner organiciser organiser organsiner orientaliser orienter originer +ornementer orner orthogonaliser oscariser osciller oser ossianiser ostraciser +ouatiner ouiller ouralitiser ourler outer outiller outrecuider outrer ouvrer +ovaliser ovariectomiser ovationner ovuler oxycouper oxyder oxytoniser ozoner +packer pacotiller pacquer pacser pactiser paddocker padouer paganiser pageoter +pagnoter paillarder paillassonner pailler paillonner paissonner pajoter +paladiner palancrer palangrer palanquer palataliser palatiser paletter +palissader palisser palissonner palmer paloter palper palpiter palucher +panader pancarter paner paniquer panneauter panner pannetonner panoramiquer +panser pantiner pantomimer pantoufler paoner paonner papelarder papillonner +papoter papouiller paquer paraboliser parachuter parader parafer paraffiner +paralléliser paralyser paramétriser parangonner parapher paraphraser parasiter +parceller parcelliser parcheminer parcoriser pardonner parementer +parer paresser parfiler parfumer parisianiser parjurer parkériser parlementer +parloter parlotter parquer parrainer participer particulariser partitionner +partouzer pasquiner passefiler passementer passepoiler passeriller passionner +pasteller pasteuriser pasticher pastiller pastoriser patafioler pateliner +paternaliser paterner pathétiser patienter patiner patoiser patouiller +patrociner patronner patrouiller patter paumer paupériser pauser pavaner paver +peaufiner pectiser peigner peiner peinturer peinturlurer pelaner pelauder +pelleverser pelliculer peloter pelotonner pelucher pelurer pencher pendeloquer +pendouiller penduler penser pensionner peptiser peptoniser percaliner percher +percoler percuter perdurer perfectionner perforer performer perfuser perler +permanenter permaner permuter perméabiliser peroxyder perpétuer +perreyer perruquer persifler persiller persister personnaliser persuader +persécuter perturber pervibrer pester peupler pexer phagocyter phalangiser +philosophailler philosopher phlegmatiser phlogistiquer phlébotomiser +phonétiser phosphater phosphorer phosphoriser phosphoryler photoactiver +photocomposer photograver photomonter photophosphoryler photopolymériser +photoïoniser phraser phéniquer phénoler phényler piaffer piailler pianomiser +piauler pickler picocher picoler picorer picoter picouser picouzer picrater +pictonner picturaliser pidginiser pierrer pieuter pifer piffer piffrer +pigmenter pigner pignocher pignoler piler piller pilloter pilonner piloter +pinailler pinceauter pindariser pinter pinçoter piocher pionner piotter piper +piqueniquer piquer piquetonner piquouser piquouzer pirater pirouetter piser +pissoter pissouiller pister pistoler pistonner pitancher pitcher piter +pituiter pivoter piédestaliser piétiner placarder placardiser plafonner +plainer plaisanter plamer plancher planer planquer planter planétariser +plaquer plasmolyser plastiquer plastronner platiner platiniser platoniser +pleurailler pleuraliser pleurer pleurnicher pleuroter pleuviner pleuvioter +pleuvoter plisser plissoter plomber ploquer plotiniser plouter ploutrer +plumarder plumer pluraliser pluviner pluvioter plâtrer plébisciter pocharder +pochetronner pochtronner poculer podzoliser poignarder poigner poiler pointer +poinçonner poireauter poirer poiroter poisser poitriner poivrer poivroter +poldériser polissonner politicailler politiquer politiser polker polliciser +polliniser polluer poloniser polychromer polycontaminer polygoner polygoniser +polyploïdiser polytransfuser polyviser polémiquer pommader pommer pomper +ponctionner ponctuer ponter pontiller populariser poquer porer porphyriser +porter porteuser portionner portraicturer portraiturer poser positionner +possibiliser postdater poster posticher postillonner postposer postsonoriser +postuler postérioriser potabiliser potentialiser poter poteyer potiner poudrer +pouiller pouliner pouloper poulotter pouponner pourpenser pourprer poussailler +pousser poutser poétiser poêler praliner pratiquer presser pressurer +primariser primer primherber printaniser prioriser priser prismatiser prismer +priver probabiliser problématiser processionner proclamer procrastiner +prodiguer profaner professer professionnaliser profiler profiter programmer +prohiber prolétariser promotionner promulguer pronominaliser pronostiquer +prophétiser propoliser proportionner proposer propulser propylitiser prosaïser +prosterner prostituer prostrer protestaniser protestantiser protester +protoner prototyper protracter protéiner protéolyser prouter prouver +proverbialiser provigner provincialiser provisionner provoquer proéminer +prussianiser préaccentuer préadapter préallouer préassembler préaviser +précautionner préchauffer préchauler précipiter préciser préciter précompter +préconditionner préconfigurer préconiser préconstituer précoter prédater +prédiffuser prédilectionner prédiquer prédisposer prédominer prédécouper +préemballer préempter préencoller préenregistrer préenrober préexaminer +préfabriquer préfaner préfigurer préfixer préformater préformer préformuler +préfritter préimprimer préinstaller prélaquer prélaver préliber préluder +prémonter prémédiquer préméditer prénommer préoccuper préopiner préordonner +préozoner préparer préposer préscolariser présensibiliser présenter préserver +présider présignaliser présonoriser préstructurer présumer présupposer +présélectionner prétailler prétanner prétester prétexter prétintailler +prévariquer préverber prêchailler prêcher prêter prôner pschuter psychanalyser +psychologiser psychotiser publiciser pucher puddler puer puiser pulluler +pulser pulvériser punaiser puncturer pupiniser pupuler puriner puruler +puter putoiser putter puériliser pyramider pyrograver pyrolyser pyrrhoniser +pâtonner pâturer pèleriner pébriner pécher pécloter pédaler pédanter +pédiculiser pédicurer pédimenter péjorer péleriner pénaliser pénéplaner +péricliter périmer périodiser périphraser périphériser péritoniser pérorer +pétarader pétarder pétiller pétitionner pétocher pétouiller pétrarquiser +pétuner pêcher quadriller quadripolariser quadrupler quarderonner quarrer +quartiler quereller querner questionner queurser queuter quiller quimper +quitter quoailler quotter quémander quêter rabaisser rabaner rabanter +rabibocher rabioter raboter rabouiller rabouler rabouter rabreuver rabrouer +raccastiller raccommoder raccompagner raccorder raccoutrer raccoutumer +rachalander racher raciner racketter racler racoler raconter racoquiner +racémiser radariser rader radicaliser radiner radioactiver radiobaliser +radiocommander radioconserver radiodiffuser radiodétecter radioexposer +radiolocaliser radiopasteuriser radiosonder radiostériliser radiotéléphoner +radoter radouber rafaler raffermer raffiler raffiner raffluer raffoler +rafistoler rafler ragoter ragoûter ragrafer raguer raguser raiguiser railler +rainurer raisonner rajouter rajuster ralinguer raller rallumer ramailler +ramarder ramarrer ramastiquer rambiner ramender ramer rameuter ramoner ramper +ramser rancarder randomiser randoniser randonner randonniser ranimer rançonner +rapapilloter rapatronner raper rapetisser rapiater rapiner rappareiller rapper +rapporter rapprivoiser rapprocher rapprovisionner rapprêter rapsoder raquer +raser rassembler rassoter rassurer ratatiner rater ratiboiser ratiner +rationaliser rationner ratisser ratonner rattacher rattaquer rattirer +raturer raucher raugmenter rauquer ravaler ravauder ravigoter raviner raviser +raviver rayonner rebachoter rebadigeonner rebaigner rebaiser rebaisoter +rebalader rebaliser rebancher rebander rebaptiser rebaratiner rebarber +rebarbouiller rebarder rebarrer rebarricader rebasculer rebavarder rebecquer +rebeller rebeurrer rebiffer rebiner rebioler rebipolariser rebiquer rebisouter +rebizouter reblackbouler reblesser reblinder rebloquer rebobiner reboiser +rebombarder rebomber reborder rebosser rebotter reboucher reboucler +reboulonner rebourrer reboursicoter rebousculer rebouter reboutonner reboxer +rebraguetter rebrancher rebraquer rebricoler rebrider rebriguer rebriller +rebrocher rebroder rebronzer rebrosser rebrouiller rebrousser rebrûler +rebuffer rebuller rebureaucratiser rebuter rebâcher rebâcler rebâfrer +rebâillonner rebécoter rebétonner rebêcher rebûcher recacher recadrer +recalaminer recalculer recaler recalfater recalfeutrer recalibrer recalquer +recamoufler recamper recanaliser recanner recanonner recaoutchouter +recapoter recaptiver recapturer recaractériser recarburer recarder recaresser +recasquer recataloguer recatégoriser recauser recavaler recaver receler +recensurer recentraliser recentrer receper recercler recerner rechagriner +rechamailler rechambouler rechanter rechantonner rechaper rechaptaliser +recharpenter rechauffer rechauler rechaumer rechausser rechercher rechiader +rechiffrer rechigner rechiper rechristianiser rechromer rechuter recibler +recirculer recirer reciter recliquer recloisonner reclouer reclôturer +recoder recogner recoiffer recollaborer recollecter recoller recolliger +recoloniser recolorer recolporter recoltiner recombiner recommander +recommenter recommercialiser recommissionner recommuniquer recommémorer +recompartimenter recompiler recomplimenter recompliquer recomploter recomposer +recompter recompulser reconcrétiser recondamner recondenser reconditionner +reconfesser reconfigurer reconfirmer reconfisquer reconfronter reconjuguer +reconsacrer reconseiller reconserver reconsigner reconsoler reconsolider +reconspirer reconstater reconstituer reconsulter recontacter reconter +recontingenter recontinuer recontracter recontrecarrer recontrer recontribuer +reconverser reconvoquer recoordonner recoquiller recorder recorroborer recoter +recoucher recouillonner recouler recoulisser recouper recouponner recourber +recourtiser recouvrer recoïncider recracher recraquer recravater recreuser +recrier recristalliser recritiquer recroiser recroquer recroqueviller +recruter recréer recuisiner reculer reculotter recultiver recycler recâbler +recéper redaller redamer redanser redater redemander redesserrer redessiner +redialoguer redicter rediffuser redimensionner rediminuer rediscerner +redisjoncter redisloquer redispenser redisperser redisposer redisputer +redistiller redistinguer redistribuer rediviser redominer redompter redonder +redoper redorer redorloter redoser redoter redoubler redouter redresser +redynamiser redéballer redébarbouiller redébarquer redébaucher redébiner +redébloquer redébobiner redéborder redéboucher redébourser redébouter +redébrancher redébrouiller redébroussailler redébudgétiser redébureaucratiser +redécaisser redécaler redécalquer redécanter redécaper redécapoter +redécerner redéchausser redéchiffrer redéchirer redécider redéclarer +redécliner redécoder redécoiffer redécoller redécoloniser redécolorer +redécompter redéconcentrer redéconnecter redéconner redéconseiller redécorer +redécouler redécouper redécrocher redécrypter redéculotter redéfausser +redéfricher redéfriper redéfriser redéfroisser redégivrer redégonfler +redégotter redégringoler redégrouper redéjeuner redélimiter redélivrer +redémarrer redéminer redémissionner redémobiliser redémocratiser redémonter +redémêler redénicher redénombrer redénouer redépanner redépeigner redépenser +redéplisser redéporter redéposer redépouiller redérailler redérober redéserter +redésirer redésister redétacher redétailler redétecter redéterminer redéterrer +redétériorer redévaler redévaliser redévaloriser redévaluer redévaster +redévisser redévoiler redîner refabriquer refacturer refamiliariser +refarter refasciser refaucher refaufiler refavoriser refaçonner refermer +refeuiller reficher refidéliser refiler refilmer refiltrer refiscaliser +reflamber reflancher reflanquer reflotter refluer refluxer refoirer +refonder reforer reforester reformaliser reformater reformer reformuler +refouler refourgonner refourrer refranchiser refranciser refrapper +refringuer refriper refriser refrogner refroisser refrotter refréner +refuguer refumer refuser refâcher reféliciter reféminiser refêter regaffer +regalber regaloper regambader regarder regarer regazonner regerber regermer +regimber registrer reglisser regober regommer regonfler regoudronner regourer +regoûter regrader regratter regraver regreffer regretter regriffer regriller +regrogner regronder regrouper regrêler regueuler regâcher rehasarder rehausser +rehiérarchiser rehomologuer rehospitaliser rehériter rejalonner rejetonner +rejouer relabourer relaisser relarguer relater relatiniser relationner +relatter relaver relaxer relifter relimer reliquider relisser relocaliser +relouer relouper reluquer relustrer relutter relâcher relégender relégitimer +remailer remailler remajorer remaltraiter remandater remanifester remanoeuvrer +remaquiller remarchander remarcher remarquer remartyriser remasquer +remastiquer remasturber remastériser remaçonner remaîtriser remballer +rembarrer rembaucher rembiner remblaver rembobiner remborder rembourrer +remboîter rembucher remembrer rementionner remesurer remeubler remilitariser +reminer reminuter reminéraliser remiser remixer remmailler remmailloter +remmouler remobiliser remoderniser remonter remontrer remonétiser remoquetter +remotiver remotoriser remoucher remouiller remouler rempailler remparer +remplumer rempocher rempoisonner rempoissonner remporter rempoter remprisonner +remuer remurmurer remuscler remâcher remédicaliser remémorer remêler renarder +renatter renaturaliser renauder renaviguer rencaisser rencarder renchausser +rencogner rencoller rencontrer rencoquiller rencorser rendetter rendosser +renfaîter renfermer renfiler renflammer renfler renflouer renformer +renfourner renfrogner rengainer rengraisser rengrener rengréner renifler +renommer renoper renormaliser renoter renouer renquiller renseigner renserrer +rentamer renter rentoiler rentortiller rentraîner rentrer renucléariser +renvelopper renvenimer renverser renvider renvoler renâcler repaginer repairer +repapilloter reparapher repardonner reparer reparler reparticiper repatiner +repaumer repaver repeigner repeinturer repencher repenser repercuter +reperforer reperméabiliser reperturber repeupler rephosphorer repiler repiller +repiloter repiocher repiquer repirater repisser repistonner replacarder +replaider replaisanter replanquer replanter replaquer replastiquer repleurer +repleuvoter replisser replomber replâtrer repointer repoisser repoivrer +repolitiser repolluer repomper reponchonner reponctionner repopulariser +reposer repositionner repositiver repostuler repoudrer repousser repratiquer +repriser reprivatiser reprocher reproclamer reprofaner reprofiler reprofiter +reprogresser reprohiber reproposer repropulser reprouver reprovincialiser +repréparer représenter représider reprêcher reprêter repter repuiser +repéter repétitionner repêcher requadriller requestionner requiller requinquer +requêter rerespirer resabler resaboter resaccader resaler resaluer resaper +resauter resavonner rescaper resceller rescinder reseller resensibiliser +resiffler resignaler resigner resituer resocialiser resoigner resolliciter +resouper respectabiliser respecter respirer responsabiliser respéculer +ressaigner ressaler ressangler ressauter ressembler resserrer ressouder +ressusciter restabiliser restatuer restaurer rester restituer restoubler +resuccomber resucrer resulfater resuppurer resurchauffer resyllaber +resympathiser resynchroniser resyndicaliser resyndiquer resélectionner +retacher retailler retanner retaper retapisser retarder retarifer retaxer +reterser retester rethéâtraliser retimbrer retirer retisser retomber retoquer +retortiller retorturer retoucher retouper retourner retousser retrafiquer +retrancher retransborder retransformer retransfuser retransiter retranspirer +retransporter retransposer retransvaser retravailler retraverser retraîner +retricher retricoter retrifouiller retrimbaler retrimballer retriompher +retriturer retromper retrotter retrouer retrousser retrouver retruander +retuer returbiner retéléphoner retéléviser retémoigner revacciner revalider +revalser revancher revasculariser revendiquer reventer reverbaliser revercher +reverser revider revigorer revirer reviser revisionner revisiter revisser +revoler revolvériser revoter revriller rewriter rhabiller rhabiter rhabituer +rhumer rhétoriquer ribauder ribler riblonner riboter ribouldinguer ribouler +ricocher rider ridiculiser riduler riffauder rifler rigoler rimailler rimer +ringardiser rinker rioter ripailler riper ripoliner riposter riser risquer +ristourner ritter ritualiser rivaliser river rivotter rober robinsonner +rocailler rocher rocker rocouer rocquer roder rogner rognonner romaniser +ronchonner ronder ronfler ronfloter ronflotter ronronner ronsardiser ronéoter +roquer roser rosser rossignoler roter rotomouler rouanner roublarder roucouer +roucouyer rouer rouiller roulader rouler roulotter roupiller rouscailler +roussiller roussoter rouster rousturer router routiner rubaner rubriquer +rudenter ruer ruginer ruiler ruiner ruminer rupiner ruraliser rurbaniser ruser +russiser rustiquer rutiler rythmer râbler râler râloter râper réabdiquer +réaborder réabouter réabreuver réabriter réabsenter réabsorber réaccaparer +réaccepter réaccidenter réacclimater réaccorder réaccoster réaccoutumer +réaccuser réachalander réacheminer réacquitter réactionner réactiver +réadapter réadditionner réadministrer réadmonester réadonner réadopter +réaffecter réaffermer réafficher réaffiler réaffirmer réaffronter réaffûter +réagglutiner réaggraver réagrafer réagresser réaiguiller réaiguillonner +réaimanter réaimer réajourner réajuster réalcooliser réalerter réaligner +réaliser réallaiter réallouer réallumer réamarrer réamender réamidonner +réanalyser réanastomoser réanimer réannexer réannoter réapaiser réapostropher +réappliquer réapposer réapprivoiser réapprouver réapprovisionner réappréhender +réapurer réarchitecturer réargenter réargumenter réarmer réarnaquer réarpenter +réarroser réarrêter réarticuler réasphalter réaspirer réassaisonner +réassigner réassister réassumer réassurer réastiquer réattaquer réattiser +réauditionner réaugmenter réautomatiser réautoriser réavaler réavaliser +rébellionner récapituler réceptionner réchapper réchauffer réchelonner +réciproquer réciter réclamer récliner récoler récolliger récolter récompenser +récrier récriminer récréer récurer récuser rédimer réeffectuer réemballer +réembaucher réembobiner réembourber réembouteiller réemboîter réembrigader +réemmailloter réemmancher réemmerder réemmêler réemparer réempiler réempocher +réempoisonner réempoissonner réemprisonner réemprunter réempêcher réempêtrer +réencaisser réencaustiquer réencercler réenchaîner réenchevêtrer réenchâsser +réenclencher réencoder réencombrer réendetter réendosser réenfiler réenflammer +réenfourcher réenfourner réengendrer réenglober réengouffrer réengraisser +réenjamber réenliser réenquêter réenregistrer réenrhumer réenrouler +réentamer réentartrer réenterrer réenthousiasmer réentortiller réentourer +réentrer réenvelopper réenvenimer réenvoler réenvoûter réescalader réescamoter +réescorter réestimer réexalter réexaminer réexcuser réexhiber réexhorter +réexpertiser réexpirer réexpliciter réexpliquer réexploiter réexplorer +réexposer réexprimer réexpulser réexpérimenter réextrader réexécuter +réflectoriser réflexionner réflexiviser réformer réfracter réfréner réfuter +régater régenter régimer régionaliser réglementer régresser régulariser +régurgiter réhabiliter réhabiter réhabituer réharmoniser réhomologuer +réhydrater réillustrer réimaginer réimbiber réimbriquer réimperméabiliser +réimpliquer réimplorer réimporter réimportuner réimposer réimprimer +réimpulser réimputer réincarner réinciser réincomber réincorporer réincruder +réincuber réinculper réinculquer réindemniser réindexer réindustrialiser +réinfester réinfiltrer réinformatiser réinféoder réingurgiter réinhiber +réinjecter réinsister réinsonoriser réinspecter réinspirer réinstaller +réinstituer réintenter réintercaler réintercepter réinterner réinterviewer +réintituler réintéresser réinventer réinviter réislamiser rénetter rénover +réobserver réobstruer réobturer réoccuper réorchestrer réordonner réorganiser +réoxyder réparer répartonner répercuter répliquer réprimander réprimer +républicaniser répugner réputer répétailler répéter réquisitionner réserver +résigner résiner résister résonner résorber résulter résumer résupiner rétamer +rétorquer rétracter rétribuer rétrodiffuser rétrograder rétromorphoser +rétroréflectoriser rétroréguler rétroverser réunionner réusiner réutiliser +réveillonner réviser révolter révolutionnariser révolutionner révolvériser +révulser réécarter rééchafauder rééchelonner rééchouer rééclairer rééconomiser +réécourter réécouter réécrouer réédicter rééditer rééduquer rééjecter +réélaguer réémigrer réémonder réénergétiser réépargner réépiler rééplucher +rééquilibrer rééquiper réétaler réétamer réétatiser réétoffer réévaluer +rêner rêver rôdailler rôder rôler sabbatiser sabler sablonner saborder saboter +sabrer saccader sacchariner sacquer sacraliser sacrer sadiser safariser +saietter saigner sailler saisonner salabrer saler salicyler saligoter saliner +saliver salonner saloper salpêtrer salpêtriser saluer sanctionner sanctuariser +sanforiser sangler sangloter sanskritiser saouler saper saquer sarabander +sarmenter sarper sarrasiner sarter sataner sataniser satelliser satiner +satoner satonner saturer satyriser saucissonner saumoner saumurer sauner +saurer saussuritiser sauter sautiller sauvegarder sauver savater savonner +sayetter scalper scandaliser scander scanner scannériser sceller scheider +scheloter schizophréniser schlaguer schlinguer schlitter schloffer schloter +schtroumpfer schématiser scientifiser scinder scintiller sciotter scissionner +scolariser scooper scorer scotcher scotomiser scotomoser scrabbler scraber +scribler scribouiller scruter scrutiner sculpter scénariser secondariser +secouer secréter sectionner sectoriser segmenter seiner seller sembler +sempler senner sensationnaliser sensibiliser sentimentaliser septembriser +seriner seringuer sermonner serpenter serpentiniser serper serrer sexer +sexualiser sganarelliser shampoigner shampooiner shampooingner shampouiner +shunter shérardiser siallitiser siccativer siester siffler siffloter sigler +signaliser signer silhouetter silicater silicatiser siliciurer siliconer +siller sillonner siloter similer similiser simonizer simuler sinapiser +siniser sinistrer sintériser sinuer siphonner siroper siroter situer skipper +slaviser smasher smiller smocker smurfer sniffer snober sociabiliser +socratiser soder sodomiser soiffer soigner solariser solder solenniser +solifluer soliloquer solliciter solmiser solubiliser solutionner solvabiliser +soléciser somatiser sombrer sommeiller sommer somnambuler somniloquer somnoler +sonnailler sonner sonoriser sophistiquer sorguer soubresauter souder +souffler souffroter soufrer souhaiter souiller souillonner souligner +soupailler souper soupirer soupçonner souquer sourciller sourdiner soussigner +souter soutirer soviétiser soûler soûlotter spasmer spatialiser spatuler +sphéroïdiser spilitiser spiraler spiraliser spirantiser spiritualiser spitter +splénectomiser spléniser sponsoriser sporter sporuler sprinter spécialiser +squatter squattériser squeezer stabiliser stabuler staffer stagner staliniser +standoliser stanioler stariser stationner statistiquer statuer stelliter +stenciler stendhaliser stepper stigmatiser stimuler stipuler stocker stopper +stresser strider striduler striper stripper striquer stronker strouiller +strychniser stuquer styler styliser sténoser sténotyper stériliser stéréotyper +subdiviser subdivisionner subjectiver subjectiviser subjuguer sublimer +subluxer subminiaturiser subodorer subordonner suborner subsister substanter +substantiver substituer subsumer subtiliser suburbaniser subventionner +succomber sucrer suer suffixer suffoquer suggestionner suicider suifer suiffer +sulfater sulfiniser sulfinuser sulfiter sulfoner sulfurer sulfuriser super +superposer superviser supplanter supplémenter supporter supposer supprimer +supputer supérioriser surabonder suraccumuler suractiver suradapter +surajouter suralcooliser suralimenter suraller suranimer suranner surarmer +surblinder surbooker surboucher surbriller surbroder surcapitaliser +surchauffer surcoller surcolorer surcompenser surcomprimer surconsommer +surcoter surcouper surcreuser surdimensionner surdorer surdoser surdouer +surdéterminer surdévelopper surencombrer surendetter surentraîner surestimer +surexhausser surexploiter surexposer surfacturer surfer surficher surfiler +surfractionner surfrapper surgeonner surgonfler surgreffer surhausser +surimpressionner surimprimer surindustrialiser suriner surinfecter surinformer +surjauler surjouailler surjouer surligner surlouer surmoduler surmonter +surmédicaliser surmédicamenter surnaturaliser surnommer suroxyder surpatter +surpiquer surplomber surpresser surreprésenter surréserver sursaler sursaturer +sursimuler sursouffler surstabiliser surstimuler surstocker sursulfater +surtaxer surtitrer survaloriser surveiller surventer survider survirer +survolter suréchantillonner surémanciper suréquiper surévaluer susciter +susseyer sustanter sustenter susurrer suturer suçoter swaper swinguer +syllaber syllabiser syllogiser symboliser sympathiser symétriser synchroniser +syncristalliser syndicaliser syndiquer synthétiser syntoniser syphiliser +sécréter séculariser sécuriser sédentariser sédimenter séjourner sélecter +sémantiser sémiller séparer séquestrer sérialiser sérénader tabiser tabler +tabouiser tabuler tacher tacler taconner taguer taillader tailler taler taller +talonner talquer taluter tambouiller tambouriner tamiser tamponner tangenter +tanguer taniser tanner tanniser tantaliser taper tapiner tapirer tapiriser +taponner tapoter taquer taquiner taquonner tarabiscoter tarabuster tararer +tarder tarer targetter targuer tarifer tarmacadamiser tarter tartiner +tartrer tartriquer tatillonner tatouer tatouiller tauder tautologiser +taveller taxer tayloriser tchatcher techniciser techniser technocratiser +teiller teinter temporiser tempêter tenailler tenonner tensionner tenter +terminer terrailler terreauder terreauter terrer terriner territorialiser +terser tertiariser tester testonner texturer texturiser thermaliser thermiser +thermocoller thermodiffuser thermofixer thermoformer thermopropulser +thromboser thyroïdectomiser thématiser théologiser théoriser thésauriser +tictacquer tictaquer tigrer tiller tilloter tillotter tilter timbrer +tinter tintinnabuler tiquer tirailler tirebouchonner tirefonner tirer tiser +tisser titaner titaniser titiller titrer titriser tituber titulariser toaster +toiler toiletter toiser tolstoïser tomater tomber tomer tonitruer tonner +tontiner tonturer toper topicaliser toquer torchecuter torcher torchonner +torgnoler toronner torpiller torsader torsiner tortiller tortillonner tortorer +tosser toster totaliser toucher touer touffer touiller toupiller toupiner +tourber tourbillonner tourer tourillonner tourmenter tournailler tournaser +tourner tournevirer tournicoter tourniller tournioler tourniquer toussailler +toussoter trabouler tracaner trachéotomiser tracter tractionner traficoter +trafuser trailler traiter tramer trancaner tranchefiler trancher tranquilliser +transborder transcender transcoder transfecter transfigurer transfiler +transfuser transgresser transhumer transistoriser transiter translater +transmuer transmuter transpirer transplanter transporter transposer transsuder +transvider trapper traquer traumatiser travailler travailloter traverser +traîner treillisser trekker trembler tremblocher trembloter tremper +tressauter tresser treuiller trianguler triballer tribouiller tricher +tricoter trifouiller trigauder trigonaliser triller trimarder trimbaler +trimer trimestrialiser trimériser tringler trinquer triompher tripatouiller +triploïdiser tripolisser tripotailler tripoter tripper triquer trisser +trivialiser trochisquer trognonner trombiner tromboner tromper troncher +tronçonner tropicaliser troquer trotter trottiner troubler trouer trouiller +troussequiner trousser trouver truander trucher trucider truculer trueller +truiter truquer trusquiner truster trébucher tréfiler trélinguer trémater +trémuler trépaner trépider trépigner trésailler trévirer trôler trôner tuber +tuberculiniser tuberculiser tubériser tuer tuiler tumultuer tunnelliser +turboforer turlupiner turluter turquiser tuteurer tuyauter twister tympaniser +typer typiser tyranniser tâcher tâtonner télescoper télexer télomériser +télécommander télédiffuser télédébiter télédétecter téléguider téléimprimer +télélocaliser télémanipuler télématiser télépancarter téléphoner télépiloter +téléporter télésignaliser téléviser témoigner ténoriser tétaniser tétonner +tétuer ultrafiltrer ululer uniformiser universaliser upériser urbaniser uriner +usiner usiter usurper utiliser vacciner vacher vaciller vacuoliser vadrouiller +vaguer vaigrer vaironner valdinguer valider vallonner valoriser valser vamper +vandaliser vaniser vanner vanter vantiler vantiller vapocraquer vaporiser +varander varapper varianter varioliser varloper vasculariser vasectomiser +vaser vasouiller vassaliser vaticiner vautrer vedettiser veiller veiner +velter vendiquer venter ventiler ventouser ventriloquer ventrouiller +verduniser vergner verjuter vermiculer vermiller vermillonner vermouler +vernisser verrer verrouiller verser vert-de-griser verticaliser vesser vexer +viander vibrer vibrionner victimer victimiser vider vidimer vieller +vigiler vignetter vilipender villégiaturer vinaigrer viner vingtupler +violer violoner virer virevolter virevousser virevouster virginiser virguler +viroler virtualiser virusser viser visionner visiter visser visualiser +vitaminer vitaminiser vitrer vitrioler vitrioliser vivisecter vivoter vobuler +voguer voiler voiser voisiner voiturer volanter volatiliser volcaniser voler +voltaïser volter voluter voter vouer vousser voyeller voyelliser voûter +vrillonner vulcaniser vulgariser vulnérabiliser véhiculer vélariser vélivoler +véroter vétiller vêler warranter wobbuler xéroxer yodiser yodler youyouter +yoyotter zader zapper zester zieuter zigouiller zigzaguer zinguer zinzinuler +zipper zoner zonzonner zoomer zozoter zyeuter zéroter ânonner ébarber ébaucher +éberluer éberner éboguer éborgner ébosser ébotter ébouer ébouillanter ébouler +ébourgeonner ébouriffer ébourrer ébouser ébousiner ébouter ébouturer ébraiser +ébranler ébraser ébrauder ébroder ébrouder ébrouer ébrousser ébruiter ébruter +écacher écaffer écailler écaler écanguer écapsuler écarbouiller écarder +écarquiller écarter écarver écepper échafauder échaloter échancrer +échantillonner échanvrer échapper échardonner écharner écharper écharpiller +échauder échauffer échauler échaumer échelonner écheniller échevetter échigner +échopper échosonder échouer écimer éclabousser éclairer éclater éclipser +écloper écluser écobuer écoeurer écoiner écointer écologiser économiser écoper +écorcher écorer écorner écornifler écosser écouler écourter écouter +écrabouiller écraminer écraser écrivailler écroter écrouer écrouler écroûter +écuisser éculer écumer écurer écussonner écôter édenter édicter éditer +édulcorer éduquer édéniser éfaufiler égailler égaler égaliser égarer égauler +églomiser égobler égorgiller égosiller égousser égoutter égrainer égraminer +égrapper égratigner égravillonner égriser égueuler éherber éhouper éjaculer +éjarrer éjecter éjointer élaborer élaguer élaiter élaver élaïdiser électriser +électrocuter électrodéposer électrolyser électroner électroniser +électropuncturer électrozinguer éliciter élider élimer éliminer élinguer +éloigner élucider élucubrer éluder éluer élégantiser émailler émanciper émaner +émender émerillonner émeriser émerveiller émeuler émietter émigrer émonder +émotionner émotter émoucher émousser émoustiller émuler émulsionner émétiser +énaser énergiser énergétiser énerver éneyer énieller énoliser énoper énouer +énupler énuquer éoliser épailler épaler épamprer épancher épanner épanouiller +éparpiller épater épaufrer épauler éperonner épeuler épeurer épierrer +épigéniser épilamer épiler épiloguer épimériser épiner épingler épisser +épithétiser éplorer éplucher époiler épointer épointiller époinçonner +épouffer épouiller époumoner épouser époustoufler épouvanter éprouver épuiser +épurer épépiner équerrer équeuter équilibrer équiper équipoller équivoquer +érafler érailler éreinter éroder érotiser éructer érusser établer étaler +étalonner étamer étamper étancher étançonner étarquer étatiser étaupiner +éterniser éternuer éthyler éthériser étioler étirer étoffer étoiler étonner +étouper étoupiller étranger étrangler étraper étremper étrenner étriller +étriper étriquer étriver étrogner étronçonner étrésillonner étuver +étêter évacuer évader évaginer évaguer évaltonner évaluer évangéliser évaporer +évaser éveiller éveiner éventer éventiller éventrer éverdumer éverser évertuer +""".split() +) diff --git a/spacy/lang/fr/lex_attrs.py b/spacy/lang/fr/lex_attrs.py index 4a6185386..470398d71 100644 --- a/spacy/lang/fr/lex_attrs.py +++ b/spacy/lang/fr/lex_attrs.py @@ -4,33 +4,37 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = set(""" +_num_words = set( + """ zero un deux trois quatre cinq six sept huit neuf dix onze douze treize quatorze quinze seize dix-sept dix-huit dix-neuf vingt trente quanrante cinquante soixante septante quatre-vingt huitante nonante cent mille mil million milliard billion quadrillion quintillion sextillion septillion octillion nonillion decillion -""".split()) +""".split() +) -_ordinal_words = set(""" +_ordinal_words = set( + """ premier deuxième second troisième quatrième cinquième sixième septième huitième neuvième dixième onzième douzième treizième quatorzième quinzième seizième dix-septième dix-huitième dix-neufième vingtième trentième quanrantième cinquantième soixantième septantième quatre-vingtième huitantième nonantième centième millième millionnième milliardième billionnième quadrillionnième quintillionnième sextillionnième septillionnième octillionnième nonillionnième decillionnième -""".split()) +""".split() +) def like_num(text): # Might require more work? # See this discussion: https://github.com/explosion/spaCy/pull/1161 - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -40,6 +44,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/fr/punctuation.py b/spacy/lang/fr/punctuation.py index 803afb478..e229a2a3d 100644 --- a/spacy/lang/fr/punctuation.py +++ b/spacy/lang/fr/punctuation.py @@ -6,23 +6,30 @@ from ..char_classes import LIST_PUNCT, LIST_ELLIPSES, LIST_QUOTES, CURRENCY from ..char_classes import QUOTES, UNITS, ALPHA, ALPHA_LOWER, ALPHA_UPPER -ELISION = " ' ’ ".strip().replace(' ', '').replace('\n', '') -HYPHENS = r"- – — ‐ ‑".strip().replace(' ', '').replace('\n', '') +ELISION = " ' ’ ".strip().replace(" ", "").replace("\n", "") +HYPHENS = r"- – — ‐ ‑".strip().replace(" ", "").replace("\n", "") -_suffixes = (LIST_PUNCT + LIST_ELLIPSES + LIST_QUOTES + - [r'(?<=[0-9])\+', - r'(?<=°[FfCcKk])\.', # 4°C. -> ["4°C", "."] - r'(?<=[0-9])°[FfCcKk]', # 4°C -> ["4", "°C"] - r'(?<=[0-9])%', # 4% -> ["4", "%"] - r'(?<=[0-9])(?:{})'.format(CURRENCY), - r'(?<=[0-9])(?:{})'.format(UNITS), - r'(?<=[0-9{}{}(?:{})])\.'.format(ALPHA_LOWER, r'%²\-\)\]\+', QUOTES), - r'(?<=[{au}][{au}])\.'.format(au=ALPHA_UPPER)]) +_suffixes = ( + LIST_PUNCT + + LIST_ELLIPSES + + LIST_QUOTES + + [ + r"(?<=[0-9])\+", + r"(?<=°[FfCcKk])\.", # 4°C. -> ["4°C", "."] + r"(?<=[0-9])°[FfCcKk]", # 4°C -> ["4", "°C"] + r"(?<=[0-9])%", # 4% -> ["4", "%"] + r"(?<=[0-9])(?:{})".format(CURRENCY), + r"(?<=[0-9])(?:{})".format(UNITS), + r"(?<=[0-9{}{}(?:{})])\.".format(ALPHA_LOWER, r"%²\-\)\]\+", QUOTES), + r"(?<=[{au}][{au}])\.".format(au=ALPHA_UPPER), + ] +) -_infixes = (TOKENIZER_INFIXES + - [r'(?<=[{a}][{el}])(?=[{a}])'.format(a=ALPHA, el=ELISION)]) +_infixes = TOKENIZER_INFIXES + [ + r"(?<=[{a}][{el}])(?=[{a}])".format(a=ALPHA, el=ELISION) +] TOKENIZER_SUFFIXES = _suffixes diff --git a/spacy/lang/fr/stop_words.py b/spacy/lang/fr/stop_words.py index cb3682036..ae8432043 100644 --- a/spacy/lang/fr/stop_words.py +++ b/spacy/lang/fr/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ a à â abord absolument afin ah ai aie ailleurs ainsi ait allaient allo allons allô alors anterieur anterieure anterieures apres après as assez attendu au aucun aucune aujourd aujourd'hui aupres auquel aura auraient aurait auront @@ -85,4 +86,5 @@ va vais vas vers via vif vifs vingt vivat vive vives vlan voici voilà vont vos votre vous vous-mêmes vu vé vôtre vôtres zut -""".split()) +""".split() +) diff --git a/spacy/lang/fr/syntax_iterators.py b/spacy/lang/fr/syntax_iterators.py index c9de4f084..4712d34d9 100644 --- a/spacy/lang/fr/syntax_iterators.py +++ b/spacy/lang/fr/syntax_iterators.py @@ -8,11 +8,20 @@ def noun_chunks(obj): """ Detect base noun phrases from a dependency parse. Works on both Doc and Span. """ - labels = ['nsubj', 'nsubj:pass', 'obj', 'iobj', 'ROOT', 'appos', 'nmod', 'nmod:poss'] + labels = [ + "nsubj", + "nsubj:pass", + "obj", + "iobj", + "ROOT", + "appos", + "nmod", + "nmod:poss", + ] doc = obj.doc # Ensure works on both Doc and Span. np_deps = [doc.vocab.strings[label] for label in labels] - conj = doc.vocab.strings.add('conj') - np_label = doc.vocab.strings.add('NP') + conj = doc.vocab.strings.add("conj") + np_label = doc.vocab.strings.add("NP") seen = set() for i, word in enumerate(obj): if word.pos not in (NOUN, PROPN, PRON): @@ -23,8 +32,8 @@ def noun_chunks(obj): if word.dep in np_deps: if any(w.i in seen for w in word.subtree): continue - seen.update(j for j in range(word.left_edge.i, word.right_edge.i+1)) - yield word.left_edge.i, word.right_edge.i+1, np_label + seen.update(j for j in range(word.left_edge.i, word.right_edge.i + 1)) + yield word.left_edge.i, word.right_edge.i + 1, np_label elif word.dep == conj: head = word.head while head.dep == conj and head.head.i < head.i: @@ -33,10 +42,8 @@ def noun_chunks(obj): if head.dep in np_deps: if any(w.i in seen for w in word.subtree): continue - seen.update(j for j in range(word.left_edge.i, word.right_edge.i+1)) - yield word.left_edge.i, word.right_edge.i+1, np_label + seen.update(j for j in range(word.left_edge.i, word.right_edge.i + 1)) + yield word.left_edge.i, word.right_edge.i + 1, np_label -SYNTAX_ITERATORS = { - 'noun_chunks': noun_chunks -} +SYNTAX_ITERATORS = {"noun_chunks": noun_chunks} diff --git a/spacy/lang/fr/tag_map.py b/spacy/lang/fr/tag_map.py index ec86b6d96..93b43c2ec 100644 --- a/spacy/lang/fr/tag_map.py +++ b/spacy/lang/fr/tag_map.py @@ -215,5 +215,5 @@ TAG_MAP = { "VERB__VerbForm=Inf": {POS: VERB}, "VERB__VerbForm=Part": {POS: VERB}, "X___": {POS: X}, - "_SP": {POS: SPACE} + "_SP": {POS: SPACE}, } diff --git a/spacy/lang/fr/tokenizer_exceptions.py b/spacy/lang/fr/tokenizer_exceptions.py index d2db1447c..7c90d8bde 100644 --- a/spacy/lang/fr/tokenizer_exceptions.py +++ b/spacy/lang/fr/tokenizer_exceptions.py @@ -7,7 +7,7 @@ from ._tokenizer_exceptions_list import FR_BASE_EXCEPTIONS from .punctuation import ELISION, HYPHENS from ..tokenizer_exceptions import URL_PATTERN from ..char_classes import ALPHA_LOWER -from ...symbols import ORTH, LEMMA, TAG, NORM, PRON_LEMMA +from ...symbols import ORTH, LEMMA, TAG def upper_first_letter(text): @@ -26,11 +26,7 @@ def lower_first_letter(text): return text[0].lower() + text[1:] -_exc = { - "J.-C.": [ - {LEMMA: "Jésus", ORTH: "J."}, - {LEMMA: "Christ", ORTH: "-C."}] -} +_exc = {"J.-C.": [{LEMMA: "Jésus", ORTH: "J."}, {LEMMA: "Christ", ORTH: "-C."}]} for exc_data in [ @@ -52,7 +48,8 @@ for exc_data in [ {LEMMA: "numéro", ORTH: "n°"}, {LEMMA: "degrés", ORTH: "d°"}, {LEMMA: "saint", ORTH: "St."}, - {LEMMA: "sainte", ORTH: "Ste."}]: + {LEMMA: "sainte", ORTH: "Ste."}, +]: _exc[exc_data[ORTH]] = [exc_data] @@ -66,39 +63,42 @@ for verb, verb_lemma in [ ("semble", "sembler"), ("indique", "indiquer"), ("moque", "moquer"), - ("passe", "passer")]: + ("passe", "passer"), +]: for orth in [verb, verb.title()]: for pronoun in ["elle", "il", "on"]: token = "{}-t-{}".format(orth, pronoun) _exc[token] = [ {LEMMA: verb_lemma, ORTH: orth, TAG: "VERB"}, {LEMMA: "t", ORTH: "-t"}, - {LEMMA: pronoun, ORTH: "-" + pronoun}] + {LEMMA: pronoun, ORTH: "-" + pronoun}, + ] -for verb, verb_lemma in [ - ("est","être")]: +for verb, verb_lemma in [("est", "être")]: for orth in [verb, verb.title()]: token = "{}-ce".format(orth) _exc[token] = [ {LEMMA: verb_lemma, ORTH: orth, TAG: "VERB"}, - {LEMMA: 'ce', ORTH: '-ce'}] + {LEMMA: "ce", ORTH: "-ce"}, + ] -for pre, pre_lemma in [ - ("qu'", "que"), - ("n'", "ne")]: - for orth in [pre,pre.title()]: - _exc['%sest-ce' % orth] = [ +for pre, pre_lemma in [("qu'", "que"), ("n'", "ne")]: + for orth in [pre, pre.title()]: + _exc["%sest-ce" % orth] = [ {LEMMA: pre_lemma, ORTH: orth, TAG: "ADV"}, - {LEMMA: 'être', ORTH: "est", TAG: "VERB"}, - {LEMMA: 'ce', ORTH: '-ce'}] + {LEMMA: "être", ORTH: "est", TAG: "VERB"}, + {LEMMA: "ce", ORTH: "-ce"}, + ] _infixes_exc = [] for elision_char in ELISION: - for hyphen_char in ['-', '‐']: - _infixes_exc += [infix.replace("'", elision_char).replace('-', hyphen_char) - for infix in FR_BASE_EXCEPTIONS] + for hyphen_char in ["-", "‐"]: + _infixes_exc += [ + infix.replace("'", elision_char).replace("-", hyphen_char) + for infix in FR_BASE_EXCEPTIONS + ] _infixes_exc += [upper_first_letter(word) for word in _infixes_exc] _infixes_exc = list(set(_infixes_exc)) @@ -107,44 +107,186 @@ for orth in _infixes_exc: _hyphen_prefix = [ - 'a[ée]ro', 'abat', 'a[fg]ro', 'after', 'am[ée]ricano', 'anglo', 'anti', - 'apr[èe]s', 'arabo', 'arcs?', 'archi', 'arrières?', 'avant', 'auto', - 'banc', 'bas(?:ses?)?', 'bec?', 'best', 'bio?', 'bien', 'blanc', 'bo[îi]te', - 'bois', 'bou(?:c|rg)', 'b[êe]ta', 'cache', 'cap(?:ello)?', 'champ', - 'chapelle', 'ch[âa]teau', 'cha(?:ud|t)e?s?', 'chou', 'chromo', 'claire?s?', - 'co(?:de|ca)?', 'compte', 'contre', 'cordon', 'coupe?', 'court', 'crash', - 'crise', 'croche', 'cross', 'cyber', 'côte', 'demi', 'di(?:sney)?', - 'd[ée]s?', 'double', 'dys', 'entre', 'est', 'ethno', 'extra', 'extrême', - '[ée]co', 'fil', 'fort', 'franco?s?', 'gallo', 'gardes?', 'gastro', - 'grande?', 'gratte', 'gr[ée]co', 'gros', 'g[ée]o', 'haute?s?', 'hyper', - 'indo', 'infra', 'inter', 'intra', 'islamo', 'italo', 'jean', 'labio', - 'latino', 'live', 'lot', 'louis', 'm[ai]cro', 'mesnil', 'mi(?:ni)?', 'mono', - 'mont?s?', 'moyen', 'multi', 'm[ée]cano', 'm[ée]dico', 'm[ée]do', 'm[ée]ta', - 'mots?', 'noix', 'non', 'nord', 'notre', 'n[ée]o', 'ouest', 'outre', 'ouvre', - 'passe', 'perce', 'pharmaco', 'ph[oy]to', 'pique', 'poissons?', 'ponce', - 'pont', 'po[rs]t', 'primo', 'pro(?:cès|to)?', 'pare', 'petite?', 'porte', - 'pré', 'prêchi', 'pseudo', 'pêle', 'péri', 'puy', 'quasi', 'recourt', - 'rythmo', 'r[ée]', 'r[ée]tro', 'sans', 'sainte?s?', 'semi', 'social', - 'sous', 'su[bdr]', 'super', 'tire', 'thermo', 'tiers', 'trans', - 'tr(?:i|ou)', 't[ée]l[ée]', 'vi[cd]e', 'vid[ée]o', 'vie(?:ux|illes?)', - 'vill(?:e|eneuve|ers|ette|iers|y)', 'ultra', 'à', '[ée]lectro', '[ée]qui'] + "a[ée]ro", + "abat", + "a[fg]ro", + "after", + "am[ée]ricano", + "anglo", + "anti", + "apr[èe]s", + "arabo", + "arcs?", + "archi", + "arrières?", + "avant", + "auto", + "banc", + "bas(?:ses?)?", + "bec?", + "best", + "bio?", + "bien", + "blanc", + "bo[îi]te", + "bois", + "bou(?:c|rg)", + "b[êe]ta", + "cache", + "cap(?:ello)?", + "champ", + "chapelle", + "ch[âa]teau", + "cha(?:ud|t)e?s?", + "chou", + "chromo", + "claire?s?", + "co(?:de|ca)?", + "compte", + "contre", + "cordon", + "coupe?", + "court", + "crash", + "crise", + "croche", + "cross", + "cyber", + "côte", + "demi", + "di(?:sney)?", + "d[ée]s?", + "double", + "dys", + "entre", + "est", + "ethno", + "extra", + "extrême", + "[ée]co", + "fil", + "fort", + "franco?s?", + "gallo", + "gardes?", + "gastro", + "grande?", + "gratte", + "gr[ée]co", + "gros", + "g[ée]o", + "haute?s?", + "hyper", + "indo", + "infra", + "inter", + "intra", + "islamo", + "italo", + "jean", + "labio", + "latino", + "live", + "lot", + "louis", + "m[ai]cro", + "mesnil", + "mi(?:ni)?", + "mono", + "mont?s?", + "moyen", + "multi", + "m[ée]cano", + "m[ée]dico", + "m[ée]do", + "m[ée]ta", + "mots?", + "noix", + "non", + "nord", + "notre", + "n[ée]o", + "ouest", + "outre", + "ouvre", + "passe", + "perce", + "pharmaco", + "ph[oy]to", + "pique", + "poissons?", + "ponce", + "pont", + "po[rs]t", + "primo", + "pro(?:cès|to)?", + "pare", + "petite?", + "porte", + "pré", + "prêchi", + "pseudo", + "pêle", + "péri", + "puy", + "quasi", + "recourt", + "rythmo", + "r[ée]", + "r[ée]tro", + "sans", + "sainte?s?", + "semi", + "social", + "sous", + "su[bdr]", + "super", + "tire", + "thermo", + "tiers", + "trans", + "tr(?:i|ou)", + "t[ée]l[ée]", + "vi[cd]e", + "vid[ée]o", + "vie(?:ux|illes?)", + "vill(?:e|eneuve|ers|ette|iers|y)", + "ultra", + "à", + "[ée]lectro", + "[ée]qui", +] -_elision_prefix = ['entr', 'grande?s?'] -_other_hyphens = ''.join([h for h in HYPHENS if h != '-']) +_elision_prefix = ["entr", "grande?s?"] +_other_hyphens = "".join([h for h in HYPHENS if h != "-"]) _regular_exp = [ - '^droits?[{hyphen}]de[{hyphen}]l\'homm[{alpha}]+$'.format(hyphen=HYPHENS, alpha=ALPHA_LOWER), - '^zig[{hyphen}]zag[{alpha}]*$'.format(hyphen=HYPHENS, alpha=ALPHA_LOWER), - '^prud[{elision}]homm[{alpha}]*$'.format(elision=ELISION, alpha=ALPHA_LOWER)] -_regular_exp += ["^{prefix}[{hyphen}][{alpha}][{alpha}{elision}{other_hyphen}\-]*$".format( - prefix=p, hyphen=HYPHENS, other_hyphen=_other_hyphens, - elision=ELISION, alpha=ALPHA_LOWER) - for p in _hyphen_prefix] -_regular_exp += ["^{prefix}[{elision}][{alpha}][{alpha}{elision}{hyphen}\-]*$".format( - prefix=p, elision=HYPHENS, hyphen=_other_hyphens, alpha=ALPHA_LOWER) - for p in _elision_prefix] + "^droits?[{hyphen}]de[{hyphen}]l'homm[{alpha}]+$".format( + hyphen=HYPHENS, alpha=ALPHA_LOWER + ), + "^zig[{hyphen}]zag[{alpha}]*$".format(hyphen=HYPHENS, alpha=ALPHA_LOWER), + "^prud[{elision}]homm[{alpha}]*$".format(elision=ELISION, alpha=ALPHA_LOWER), +] +_regular_exp += [ + "^{prefix}[{hyphen}][{alpha}][{alpha}{elision}{other_hyphen}\-]*$".format( + prefix=p, + hyphen=HYPHENS, + other_hyphen=_other_hyphens, + elision=ELISION, + alpha=ALPHA_LOWER, + ) + for p in _hyphen_prefix +] +_regular_exp += [ + "^{prefix}[{elision}][{alpha}][{alpha}{elision}{hyphen}\-]*$".format( + prefix=p, elision=HYPHENS, hyphen=_other_hyphens, alpha=ALPHA_LOWER + ) + for p in _elision_prefix +] _regular_exp.append(URL_PATTERN) TOKENIZER_EXCEPTIONS = _exc -TOKEN_MATCH = re.compile('|'.join('(?:{})'.format(m) for m in _regular_exp), re.IGNORECASE).match +TOKEN_MATCH = re.compile( + "|".join("(?:{})".format(m) for m in _regular_exp), re.IGNORECASE +).match diff --git a/spacy/lang/ga/__init__.py b/spacy/lang/ga/__init__.py index 38b73468f..42b4d0d18 100644 --- a/spacy/lang/ga/__init__.py +++ b/spacy/lang/ga/__init__.py @@ -12,14 +12,15 @@ from ...util import update_exc class IrishDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'ga' + lex_attr_getters[LANG] = lambda text: "ga" tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = set(STOP_WORDS) + class Irish(Language): - lang = 'ga' + lang = "ga" Defaults = IrishDefaults -__all__ = ['Irish'] +__all__ = ["Irish"] diff --git a/spacy/lang/ga/irish_morphology_helpers.py b/spacy/lang/ga/irish_morphology_helpers.py index 383e24efc..2133f0d22 100644 --- a/spacy/lang/ga/irish_morphology_helpers.py +++ b/spacy/lang/ga/irish_morphology_helpers.py @@ -1,33 +1,39 @@ # coding: utf8 from __future__ import unicode_literals -class IrishMorph: - consonants = ['b', 'c', 'd', 'f', 'g', 'h', 'j', 'k', 'l', 'm', 'n', 'p', 'q', 'r', 's', 't', 'v', 'w', 'x', 'z'] - broad_vowels = ['a', 'á', 'o', 'ó', 'u', 'ú'] - slender_vowels = ['e', 'é', 'i', 'í'] - vowels = broad_vowels + slender_vowels - def ends_dentals(word): - if word != "" and word[-1] in ['d', 'n', 't', 's']: - return True - else: - return False +# fmt: off +consonants = ["b", "c", "d", "f", "g", "h", "j", "k", "l", "m", "n", "p", "q", "r", "s", "t", "v", "w", "x", "z"] +broad_vowels = ["a", "á", "o", "ó", "u", "ú"] +slender_vowels = ["e", "é", "i", "í"] +vowels = broad_vowels + slender_vowels +# fmt: on - def devoice(word): - if len(word) > 2 and word[-2] == 's' and word[-1] == 'd': - return word[:-1] + 't' - else: - return word - def ends_with_vowel(word): - return word != "" and word[-1] in vowels +def ends_dentals(word): + if word != "" and word[-1] in ["d", "n", "t", "s"]: + return True + else: + return False - def starts_with_vowel(word): - return word != "" and word[0] in vowels - def deduplicate(word): - if len(word) > 2 and word[-2] == word[-1] and word[-1] in consonants: - return word[:-1] - else: - return word +def devoice(word): + if len(word) > 2 and word[-2] == "s" and word[-1] == "d": + return word[:-1] + "t" + else: + return word + +def ends_with_vowel(word): + return word != "" and word[-1] in vowels + + +def starts_with_vowel(word): + return word != "" and word[0] in vowels + + +def deduplicate(word): + if len(word) > 2 and word[-2] == word[-1] and word[-1] in consonants: + return word[:-1] + else: + return word diff --git a/spacy/lang/ga/stop_words.py b/spacy/lang/ga/stop_words.py index 816c00b13..d8f705b59 100644 --- a/spacy/lang/ga/stop_words.py +++ b/spacy/lang/ga/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ a ach ag agus an aon ar arna as ba beirt bhúr @@ -42,4 +43,5 @@ um í ó ón óna ónár -""".split()) +""".split() +) diff --git a/spacy/lang/ga/tag_map.py b/spacy/lang/ga/tag_map.py index 22a6bacd0..1d8284014 100644 --- a/spacy/lang/ga/tag_map.py +++ b/spacy/lang/ga/tag_map.py @@ -1,7 +1,7 @@ # coding: utf8 from __future__ import unicode_literals - +# fmt: off TAG_MAP = { "ADJ__Case=Gen|Form=Len|Gender=Masc|Number=Sing": {"pos": "ADJ", "Case": "gen", "Gender": "masc", "Number": "sing", "Other": {"Form": "len"}}, "ADJ__Case=Gen|Gender=Fem|Number=Sing": {"pos": "ADJ", "Case": "gen", "Gender": "fem", "Number": "sing"}, @@ -366,3 +366,4 @@ TAG_MAP = { "X__Foreign=Yes": {"pos": "X", "Foreign": "yes"}, "X___": {"pos": "X"} } +# fmt: on diff --git a/spacy/lang/ga/tokenizer_exceptions.py b/spacy/lang/ga/tokenizer_exceptions.py index e93ada52f..c0e53f522 100644 --- a/spacy/lang/ga/tokenizer_exceptions.py +++ b/spacy/lang/ga/tokenizer_exceptions.py @@ -8,23 +8,24 @@ from ...symbols import ORTH, LEMMA, NORM _exc = { "'acha'n": [ {ORTH: "'ach", LEMMA: "gach", NORM: "gach", POS: DET}, - {ORTH: "a'n", LEMMA: "aon", NORM: "aon", POS: DET}], - + {ORTH: "a'n", LEMMA: "aon", NORM: "aon", POS: DET}, + ], "dem'": [ {ORTH: "de", LEMMA: "de", NORM: "de", POS: ADP}, - {ORTH: "m'", LEMMA: "mo", NORM: "mo", POS: DET}], - + {ORTH: "m'", LEMMA: "mo", NORM: "mo", POS: DET}, + ], "ded'": [ {ORTH: "de", LEMMA: "de", NORM: "de", POS: ADP}, - {ORTH: "d'", LEMMA: "do", NORM: "do", POS: DET}], - + {ORTH: "d'", LEMMA: "do", NORM: "do", POS: DET}, + ], "lem'": [ {ORTH: "le", LEMMA: "le", NORM: "le", POS: ADP}, - {ORTH: "m'", LEMMA: "mo", NORM: "mo", POS: DET}], - + {ORTH: "m'", LEMMA: "mo", NORM: "mo", POS: DET}, + ], "led'": [ {ORTH: "le", LEMMA: "le", NORM: "le", POS: ADP}, - {ORTH: "d'", LEMMA: "mo", NORM: "do", POS: DET}] + {ORTH: "d'", LEMMA: "mo", NORM: "do", POS: DET}, + ], } for exc_data in [ @@ -75,11 +76,11 @@ for exc_data in [ {ORTH: "Teo.", LEMMA: "teoranta", POS: NOUN}, {ORTH: "Uas.", LEMMA: "Uasal", POS: NOUN}, {ORTH: "uimh.", LEMMA: "uimhir", POS: NOUN}, - {ORTH: "Uimh.", LEMMA: "uimhir", POS: NOUN}]: + {ORTH: "Uimh.", LEMMA: "uimhir", POS: NOUN}, +]: _exc[exc_data[ORTH]] = [exc_data] -for orth in [ - "d'", "D'"]: +for orth in ["d'", "D'"]: _exc[orth] = [{ORTH: orth}] diff --git a/spacy/lang/he/__init__.py b/spacy/lang/he/__init__.py index 807794fee..c7ba4ebf8 100644 --- a/spacy/lang/he/__init__.py +++ b/spacy/lang/he/__init__.py @@ -11,14 +11,14 @@ from ...util import update_exc class HebrewDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'he' + lex_attr_getters[LANG] = lambda text: "he" tokenizer_exceptions = update_exc(BASE_EXCEPTIONS) stop_words = STOP_WORDS class Hebrew(Language): - lang = 'he' + lang = "he" Defaults = HebrewDefaults -__all__ = ['Hebrew'] +__all__ = ["Hebrew"] diff --git a/spacy/lang/he/examples.py b/spacy/lang/he/examples.py index f99f4814b..34cd157ae 100644 --- a/spacy/lang/he/examples.py +++ b/spacy/lang/he/examples.py @@ -11,18 +11,18 @@ Example sentences to test spaCy and its language models. sentences = [ - 'סין מקימה קרן של 440 מיליון דולר להשקעה בהייטק בישראל', + "סין מקימה קרן של 440 מיליון דולר להשקעה בהייטק בישראל", 'רה"מ הודיע כי יחרים טקס בחסותו', - 'הכנסת צפויה לאשר איכון אוטומטי של שיחות למוקד 100', - 'תוכנית לאומית תהפוך את ישראל למעצמה דיגיטלית', - 'סע לשלום, המפתחות בפנים.', - 'מלצר, פעמיים טורקי!', - 'ואהבת לרעך כמוך.', - 'היום נעשה משהו בלתי נשכח.', - 'איפה הילד?', - 'מיהו נשיא צרפת?', - 'מהי בירת ארצות הברית?', + "הכנסת צפויה לאשר איכון אוטומטי של שיחות למוקד 100", + "תוכנית לאומית תהפוך את ישראל למעצמה דיגיטלית", + "סע לשלום, המפתחות בפנים.", + "מלצר, פעמיים טורקי!", + "ואהבת לרעך כמוך.", + "היום נעשה משהו בלתי נשכח.", + "איפה הילד?", + "מיהו נשיא צרפת?", + "מהי בירת ארצות הברית?", "איך קוראים בעברית לצ'ופצ'יק של הקומקום?", - 'מה הייתה הדקה?', - 'מי אומר שלום ראשון, זה שעולה או זה שיורד?' + "מה הייתה הדקה?", + "מי אומר שלום ראשון, זה שעולה או זה שיורד?", ] diff --git a/spacy/lang/he/stop_words.py b/spacy/lang/he/stop_words.py index 329c8847a..a01ec4246 100644 --- a/spacy/lang/he/stop_words.py +++ b/spacy/lang/he/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ אני את אתה @@ -224,4 +225,5 @@ STOP_WORDS = set(""" אחרות אשר או -""".split()) +""".split() +) diff --git a/spacy/lang/hi/__init__.py b/spacy/lang/hi/__init__.py index 0503b5b7f..b0d45ddf3 100644 --- a/spacy/lang/hi/__init__.py +++ b/spacy/lang/hi/__init__.py @@ -4,7 +4,6 @@ from __future__ import unicode_literals from .stop_words import STOP_WORDS from .lex_attrs import LEX_ATTRS -from ..norm_exceptions import BASE_NORMS from ...language import Language from ...attrs import LANG @@ -12,13 +11,13 @@ from ...attrs import LANG class HindiDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[LANG] = lambda text: 'hi' + lex_attr_getters[LANG] = lambda text: "hi" stop_words = STOP_WORDS class Hindi(Language): - lang = 'hi' + lang = "hi" Defaults = HindiDefaults -__all__ = ['Hindi'] +__all__ = ["Hindi"] diff --git a/spacy/lang/hi/lex_attrs.py b/spacy/lang/hi/lex_attrs.py index e6595d5b4..12666d96a 100644 --- a/spacy/lang/hi/lex_attrs.py +++ b/spacy/lang/hi/lex_attrs.py @@ -2,31 +2,65 @@ from __future__ import unicode_literals from ..norm_exceptions import BASE_NORMS -from ...attrs import NORM -from ...attrs import LIKE_NUM -from ...util import add_lookups +from ...attrs import NORM, LIKE_NUM + +# fmt: off _stem_suffixes = [ - ["ो","े","ू","ु","ी","ि","ा"], - ["कर","ाओ","िए","ाई","ाए","ने","नी","ना","ते","ीं","ती","ता","ाँ","ां","ों","ें"], - ["ाकर","ाइए","ाईं","ाया","ेगी","ेगा","ोगी","ोगे","ाने","ाना","ाते","ाती","ाता","तीं","ाओं","ाएं","ुओं","ुएं","ुआं"], - ["ाएगी","ाएगा","ाओगी","ाओगे","एंगी","ेंगी","एंगे","ेंगे","ूंगी","ूंगा","ातीं","नाओं","नाएं","ताओं","ताएं","ियाँ","ियों","ियां"], - ["ाएंगी","ाएंगे","ाऊंगी","ाऊंगा","ाइयाँ","ाइयों","ाइयां"] + ["ो", "े", "ू", "ु", "ी", "ि", "ा"], + ["कर", "ाओ", "िए", "ाई", "ाए", "ने", "नी", "ना", "ते", "ीं", "ती", "ता", "ाँ", "ां", "ों", "ें"], + ["ाकर", "ाइए", "ाईं", "ाया", "ेगी", "ेगा", "ोगी", "ोगे", "ाने", "ाना", "ाते", "ाती", "ाता", "तीं", "ाओं", "ाएं", "ुओं", "ुएं", "ुआं"], + ["ाएगी", "ाएगा", "ाओगी", "ाओगे", "एंगी", "ेंगी", "एंगे", "ेंगे", "ूंगी", "ूंगा", "ातीं", "नाओं", "नाएं", "ताओं", "ताएं", "ियाँ", "ियों", "ियां"], + ["ाएंगी", "ाएंगे", "ाऊंगी", "ाऊंगा", "ाइयाँ", "ाइयों", "ाइयां"] +] +# fmt: on + +# reference 1:https://en.wikipedia.org/wiki/Indian_numbering_system +# reference 2: https://blogs.transparent.com/hindi/hindi-numbers-1-100/ + +_num_words = [ + "शून्य", + "एक", + "दो", + "तीन", + "चार", + "पांच", + "छह", + "सात", + "आठ", + "नौ", + "दस", + "ग्यारह", + "बारह", + "तेरह", + "चौदह", + "पंद्रह", + "सोलह", + "सत्रह", + "अठारह", + "उन्नीस", + "बीस", + "तीस", + "चालीस", + "पचास", + "साठ", + "सत्तर", + "अस्सी", + "नब्बे", + "सौ", + "हज़ार", + "लाख", + "करोड़", + "अरब", + "खरब", ] -#reference 1:https://en.wikipedia.org/wiki/Indian_numbering_system -#reference 2: https://blogs.transparent.com/hindi/hindi-numbers-1-100/ - -_num_words = ['शून्य', 'एक', 'दो', 'तीन', 'चार', 'पांच', 'छह', 'सात', 'आठ', 'नौ', 'दस', - 'ग्यारह', 'बारह', 'तेरह', 'चौदह', 'पंद्रह', 'सोलह', 'सत्रह', 'अठारह', 'उन्नीस', - 'बीस', 'तीस', 'चालीस', 'पचास', 'साठ', 'सत्तर', 'अस्सी', 'नब्बे', 'सौ', 'हज़ार', - 'लाख', 'करोड़', 'अरब', 'खरब'] def norm(string): - # normalise base exceptions, e.g. punctuation or currency symbols + # normalise base exceptions, e.g. punctuation or currency symbols if string in BASE_NORMS: return BASE_NORMS[string] - # set stem word as norm, if available, adapted from: + # set stem word as norm, if available, adapted from: # http://computing.open.ac.uk/Sites/EACLSouthAsia/Papers/p6-Ramanathan.pdf # http://research.variancia.com/hindi_stemmer/ # https://github.com/taranjeet/hindi-tokenizer/blob/master/HindiTokenizer.py#L142 @@ -39,14 +73,15 @@ def norm(string): return string[:-length] return string + def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(", ", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -54,7 +89,4 @@ def like_num(text): return False -LEX_ATTRS = { - NORM: norm, - LIKE_NUM: like_num -} +LEX_ATTRS = {NORM: norm, LIKE_NUM: like_num} diff --git a/spacy/lang/hi/stop_words.py b/spacy/lang/hi/stop_words.py index 370060c51..430a18a22 100644 --- a/spacy/lang/hi/stop_words.py +++ b/spacy/lang/hi/stop_words.py @@ -3,8 +3,8 @@ from __future__ import unicode_literals # Source: https://github.com/taranjeet/hindi-tokenizer/blob/master/stopwords.txt - -STOP_WORDS = set(""" +STOP_WORDS = set( + """ अंदर अत अदि @@ -233,5 +233,5 @@ STOP_WORDS = set(""" होते होना होने - -""".split()) +""".split() +) diff --git a/spacy/lang/hr/__init__.py b/spacy/lang/hr/__init__.py index 61b7f38ea..539b164d7 100644 --- a/spacy/lang/hr/__init__.py +++ b/spacy/lang/hr/__init__.py @@ -12,16 +12,17 @@ from ...util import update_exc, add_lookups class CroatianDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'hr' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "hr" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS) stop_words = STOP_WORDS class Croatian(Language): - lang = 'hr' + lang = "hr" Defaults = CroatianDefaults -__all__ = ['Croatian'] - +__all__ = ["Croatian"] diff --git a/spacy/lang/hr/stop_words.py b/spacy/lang/hr/stop_words.py index 0d5b5437f..408b802c5 100644 --- a/spacy/lang/hr/stop_words.py +++ b/spacy/lang/hr/stop_words.py @@ -3,8 +3,8 @@ from __future__ import unicode_literals # Source: https://github.com/stopwords-iso/stopwords-hr - -STOP_WORDS = set(""" +STOP_WORDS = set( + """ a ah aha @@ -20,7 +20,7 @@ baš bez bi bih -bijah +bijah bijahu bijaše bijasmo @@ -40,7 +40,7 @@ budimo budite budu budući -bum +bum bumo će ćemo @@ -344,4 +344,5 @@ zbog željeo zimus zum -""".split()) +""".split() +) diff --git a/spacy/lang/hu/__init__.py b/spacy/lang/hu/__init__.py index 35b047900..7b43dfbd6 100644 --- a/spacy/lang/hu/__init__.py +++ b/spacy/lang/hu/__init__.py @@ -15,8 +15,10 @@ from ...util import update_exc, add_lookups class HungarianDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'hu' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "hu" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS prefixes = TOKENIZER_PREFIXES @@ -27,8 +29,8 @@ class HungarianDefaults(Language.Defaults): class Hungarian(Language): - lang = 'hu' + lang = "hu" Defaults = HungarianDefaults -__all__ = ['Hungarian'] +__all__ = ["Hungarian"] diff --git a/spacy/lang/hu/examples.py b/spacy/lang/hu/examples.py index 718d7d536..3267887fe 100644 --- a/spacy/lang/hu/examples.py +++ b/spacy/lang/hu/examples.py @@ -13,5 +13,5 @@ Example sentences to test spaCy and its language models. sentences = [ "Az Apple egy brit startup vásárlását tervezi 1 milliárd dollár értékben.", "San Francisco vezetése mérlegeli a járdát használó szállító robotok betiltását.", - "London az Egyesült Királyság egy nagy városa." + "London az Egyesült Királyság egy nagy városa.", ] diff --git a/spacy/lang/hu/punctuation.py b/spacy/lang/hu/punctuation.py index ce6134927..c92d6b994 100644 --- a/spacy/lang/hu/punctuation.py +++ b/spacy/lang/hu/punctuation.py @@ -4,29 +4,47 @@ from __future__ import unicode_literals from ..char_classes import LIST_PUNCT, LIST_ELLIPSES, LIST_QUOTES from ..char_classes import QUOTES, UNITS, ALPHA, ALPHA_LOWER, ALPHA_UPPER -LIST_ICONS = [r'[\p{So}--[°]]'] +LIST_ICONS = [r"[\p{So}--[°]]"] -_currency = r'\$|¢|£|€|¥|฿' -_quotes = QUOTES.replace("'", '') +_currency = r"\$|¢|£|€|¥|฿" +_quotes = QUOTES.replace("'", "") -_prefixes = ([r'\+'] + LIST_PUNCT + LIST_ELLIPSES + LIST_QUOTES + LIST_ICONS + - [r'[,.:](?=[{a}])'.format(a=ALPHA)]) +_prefixes = ( + [r"\+"] + + LIST_PUNCT + + LIST_ELLIPSES + + LIST_QUOTES + + LIST_ICONS + + [r"[,.:](?=[{a}])".format(a=ALPHA)] +) -_suffixes = (LIST_PUNCT + LIST_ELLIPSES + LIST_QUOTES + LIST_ICONS + - [r'(?<=[0-9])\+', - r'(?<=°[FfCcKk])\.', - r'(?<=[0-9])(?:{})'.format(_currency), - r'(?<=[0-9])(?:{})'.format(UNITS), - r'(?<=[{}{}{}(?:{})])\.'.format(ALPHA_LOWER, r'%²\-\)\]\+', QUOTES, _currency), - r'(?<=[{})])-e'.format(ALPHA_LOWER)]) +_suffixes = ( + LIST_PUNCT + + LIST_ELLIPSES + + LIST_QUOTES + + LIST_ICONS + + [ + r"(?<=[0-9])\+", + r"(?<=°[FfCcKk])\.", + r"(?<=[0-9])(?:{})".format(_currency), + r"(?<=[0-9])(?:{})".format(UNITS), + r"(?<=[{}{}{}(?:{})])\.".format(ALPHA_LOWER, r"%²\-\)\]\+", QUOTES, _currency), + r"(?<=[{})])-e".format(ALPHA_LOWER), + ] +) -_infixes = (LIST_ELLIPSES + LIST_ICONS + - [r'(?<=[{}])\.(?=[{}])'.format(ALPHA_LOWER, ALPHA_UPPER), - r'(?<=[{a}])[,!?](?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}"])[:<>=](?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])--(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}]),(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])([{q}\)\]\(\[])(?=[\-{a}])'.format(a=ALPHA, q=_quotes)]) +_infixes = ( + LIST_ELLIPSES + + LIST_ICONS + + [ + r"(?<=[{}])\.(?=[{}])".format(ALPHA_LOWER, ALPHA_UPPER), + r"(?<=[{a}])[,!?](?=[{a}])".format(a=ALPHA), + r'(?<=[{a}"])[:<>=](?=[{a}])'.format(a=ALPHA), + r"(?<=[{a}])--(?=[{a}])".format(a=ALPHA), + r"(?<=[{a}]),(?=[{a}])".format(a=ALPHA), + r"(?<=[{a}])([{q}\)\]\(\[])(?=[\-{a}])".format(a=ALPHA, q=_quotes), + ] +) TOKENIZER_PREFIXES = _prefixes TOKENIZER_SUFFIXES = _suffixes diff --git a/spacy/lang/hu/stop_words.py b/spacy/lang/hu/stop_words.py index 9977c6ec0..c9a217dd6 100644 --- a/spacy/lang/hu/stop_words.py +++ b/spacy/lang/hu/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ a abban ahhoz ahogy ahol aki akik akkor akár alatt amely amelyek amelyekben amelyeket amelyet amelynek ami amikor amit amolyan amíg annak arra arról az azok azon azonban azt aztán azután azzal azért @@ -61,4 +62,5 @@ volna volt voltak voltam voltunk úgy új újabb újra ő őket -""".split()) +""".split() +) diff --git a/spacy/lang/hu/tokenizer_exceptions.py b/spacy/lang/hu/tokenizer_exceptions.py index 834c35265..5d44c7d3f 100644 --- a/spacy/lang/hu/tokenizer_exceptions.py +++ b/spacy/lang/hu/tokenizer_exceptions.py @@ -8,78 +8,631 @@ from ..tokenizer_exceptions import URL_PATTERN from ...symbols import ORTH - _exc = {} for orth in [ - "-e", "A.", "AG.", "AkH.", "Aö.", "B.", "B.CS.", "B.S.", "B.Sc.", "B.ú.é.k.", - "BE.", "BEK.", "BSC.", "BSc.", "BTK.", "Bat.", "Be.", "Bek.", "Bfok.", - "Bk.", "Bp.", "Bros.", "Bt.", "Btk.", "Btke.", "Btét.", "C.", "CSC.", - "Cal.", "Cg.", "Cgf.", "Cgt.", "Cia.", "Co.", "Colo.", "Comp.", "Copr.", - "Corp.", "Cos.", "Cs.", "Csc.", "Csop.", "Cstv.", "Ctv.", "Ctvr.", "D.", - "DR.", "Dipl.", "Dr.", "Dsz.", "Dzs.", "E.", "EK.", "EU.", "F.", "Fla.", - "Folyt.", "Fpk.", "Főszerk.", "G.", "GK.", "GM.", "Gfv.", "Gmk.", "Gr.", - "Group.", "Gt.", "Gy.", "H.", "HKsz.", "Hmvh.", "I.", "Ifj.", "Inc.", - "Inform.", "Int.", "J.", "Jr.", "Jv.", "K.", "K.m.f.", "KB.", "KER.", - "KFT.", "KRT.", "Kb.", "Ker.", "Kft.", "Kg.", "Kht.", "Kkt.", "Kong.", - "Korm.", "Kr.", "Kr.e.", "Kr.u.", "Krt.", "L.", "LB.", "Llc.", "Ltd.", "M.", - "M.A.", "M.S.", "M.SC.", "M.Sc.", "MA.", "MH.", "MSC.", "MSc.", "Mass.", - "Max.", "Mlle.", "Mme.", "Mo.", "Mr.", "Mrs.", "Ms.", "Mt.", "N.", "N.N.", - "NB.", "NBr.", "Nat.", "No.", "Nr.", "Ny.", "Nyh.", "Nyr.", "Nyrt.", "O.", - "OJ.", "Op.", "P.", "P.H.", "P.S.", "PH.D.", "PHD.", "PROF.", "Pf.", "Ph.D", - "PhD.", "Pk.", "Pl.", "Plc.", "Pp.", "Proc.", "Prof.", "Ptk.", "R.", "RT.", - "Rer.", "Rt.", "S.", "S.B.", "SZOLG.", "Salg.", "Sch.", "Spa.", "St.", - "Sz.", "SzRt.", "Szerk.", "Szfv.", "Szjt.", "Szolg.", "Szt.", "Sztv.", - "Szvt.", "Számv.", "T.", "TEL.", "Tel.", "Ty.", "Tyr.", "U.", "Ui.", "Ut.", - "V.", "VB.", "Vcs.", "Vhr.", "Vht.", "Várm.", "W.", "X.", "X.Y.", "Y.", - "Z.", "Zrt.", "Zs.", "a.C.", "ac.", "adj.", "adm.", "ag.", "agit.", - "alez.", "alk.", "all.", "altbgy.", "an.", "ang.", "arch.", "at.", "atc.", - "aug.", "b.a.", "b.s.", "b.sc.", "bek.", "belker.", "berend.", "biz.", - "bizt.", "bo.", "bp.", "br.", "bsc.", "bt.", "btk.", "ca.", "cc.", "cca.", - "cf.", "cif.", "co.", "corp.", "cos.", "cs.", "csc.", "csüt.", "cső.", - "ctv.", "dbj.", "dd.", "ddr.", "de.", "dec.", "dikt.", "dipl.", "dj.", - "dk.", "dl.", "dny.", "dolg.", "dr.", "du.", "dzs.", "ea.", "ed.", "eff.", - "egyh.", "ell.", "elv.", "elvt.", "em.", "eng.", "eny.", "et.", "etc.", - "ev.", "ezr.", "eü.", "f.h.", "f.é.", "fam.", "fb.", "febr.", "fej.", - "felv.", "felügy.", "ff.", "ffi.", "fhdgy.", "fil.", "fiz.", "fm.", - "foglalk.", "ford.", "fp.", "fr.", "frsz.", "fszla.", "fszt.", "ft.", - "fuv.", "főig.", "főisk.", "főtörm.", "főv.", "gazd.", "gimn.", "gk.", - "gkv.", "gmk.", "gondn.", "gr.", "grav.", "gy.", "gyak.", "gyártm.", "gör.", - "hads.", "hallg.", "hdm.", "hdp.", "hds.", "hg.", "hiv.", "hk.", "hm.", - "ho.", "honv.", "hp.", "hr.", "hrsz.", "hsz.", "ht.", "htb.", "hv.", "hőm.", - "i.e.", "i.sz.", "id.", "ie.", "ifj.", "ig.", "igh.", "ill.", "imp.", - "inc.", "ind.", "inform.", "inic.", "int.", "io.", "ip.", "ir.", "irod.", - "irod.", "isk.", "ism.", "izr.", "iá.", "jan.", "jav.", "jegyz.", "jgmk.", - "jjv.", "jkv.", "jogh.", "jogt.", "jr.", "jvb.", "júl.", "jún.", "karb.", - "kat.", "kath.", "kb.", "kcs.", "kd.", "ker.", "kf.", "kft.", "kht.", - "kir.", "kirend.", "kisip.", "kiv.", "kk.", "kkt.", "klin.", "km.", "korm.", - "kp.", "krt.", "kt.", "ktsg.", "kult.", "kv.", "kve.", "képv.", "kísérl.", - "kóth.", "könyvt.", "körz.", "köv.", "közj.", "közl.", "közp.", "közt.", - "kü.", "lat.", "ld.", "legs.", "lg.", "lgv.", "loc.", "lt.", "ltd.", "ltp.", - "luth.", "m.a.", "m.s.", "m.sc.", "ma.", "mat.", "max.", "mb.", "med.", - "megh.", "met.", "mf.", "mfszt.", "min.", "miss.", "mjr.", "mjv.", "mk.", - "mlle.", "mme.", "mn.", "mozg.", "mr.", "mrs.", "ms.", "msc.", "má.", - "máj.", "márc.", "mé.", "mélt.", "mü.", "műh.", "műsz.", "műv.", "művez.", - "nagyker.", "nagys.", "nat.", "nb.", "neg.", "nk.", "no.", "nov.", "nu.", - "ny.", "nyilv.", "nyrt.", "nyug.", "obj.", "okl.", "okt.", "old.", "olv.", - "orsz.", "ort.", "ov.", "ovh.", "pf.", "pg.", "ph.d", "ph.d.", "phd.", - "phil.", "pjt.", "pk.", "pl.", "plb.", "plc.", "pld.", "plur.", "pol.", - "polg.", "poz.", "pp.", "proc.", "prof.", "prot.", "pság.", "ptk.", "pu.", - "pü.", "r.k.", "rac.", "rad.", "red.", "ref.", "reg.", "rer.", "rev.", - "rf.", "rkp.", "rkt.", "rt.", "rtg.", "röv.", "s.b.", "s.k.", "sa.", "sb.", - "sel.", "sgt.", "sm.", "st.", "stat.", "stb.", "strat.", "stud.", "sz.", - "szakm.", "szaksz.", "szakszerv.", "szd.", "szds.", "szept.", "szerk.", - "szf.", "szimf.", "szjt.", "szkv.", "szla.", "szn.", "szolg.", "szt.", - "szubj.", "szöv.", "szül.", "tanm.", "tb.", "tbk.", "tc.", "techn.", - "tek.", "tel.", "tf.", "tgk.", "ti.", "tip.", "tisztv.", "titks.", "tk.", - "tkp.", "tny.", "tp.", "tszf.", "tszk.", "tszkv.", "tv.", "tvr.", "ty.", - "törv.", "tü.", "ua.", "ui.", "unit.", "uo.", "uv.", "vas.", "vb.", "vegy.", - "vh.", "vhol.", "vhr.", "vill.", "vizsg.", "vk.", "vkf.", "vkny.", "vm.", - "vol.", "vs.", "vsz.", "vv.", "vál.", "várm.", "vízv.", "vö.", "zrt.", - "zs.", "Á.", "Áe.", "Áht.", "É.", "Épt.", "Ész.", "Új-Z.", "ÚjZ.", "Ún.", - "á.", "ált.", "ápr.", "ásv.", "é.", "ék.", "ény.", "érk.", "évf.", "í.", - "ó.", "össz.", "ötk.", "özv.", "ú.", "ú.n.", "úm.", "ún.", "út.", "üag.", - "üd.", "üdv.", "üe.", "ümk.", "ütk.", "üv.", "ű.", "őrgy.", "őrpk.", "őrv."]: + "-e", + "A.", + "AG.", + "AkH.", + "Aö.", + "B.", + "B.CS.", + "B.S.", + "B.Sc.", + "B.ú.é.k.", + "BE.", + "BEK.", + "BSC.", + "BSc.", + "BTK.", + "Bat.", + "Be.", + "Bek.", + "Bfok.", + "Bk.", + "Bp.", + "Bros.", + "Bt.", + "Btk.", + "Btke.", + "Btét.", + "C.", + "CSC.", + "Cal.", + "Cg.", + "Cgf.", + "Cgt.", + "Cia.", + "Co.", + "Colo.", + "Comp.", + "Copr.", + "Corp.", + "Cos.", + "Cs.", + "Csc.", + "Csop.", + "Cstv.", + "Ctv.", + "Ctvr.", + "D.", + "DR.", + "Dipl.", + "Dr.", + "Dsz.", + "Dzs.", + "E.", + "EK.", + "EU.", + "F.", + "Fla.", + "Folyt.", + "Fpk.", + "Főszerk.", + "G.", + "GK.", + "GM.", + "Gfv.", + "Gmk.", + "Gr.", + "Group.", + "Gt.", + "Gy.", + "H.", + "HKsz.", + "Hmvh.", + "I.", + "Ifj.", + "Inc.", + "Inform.", + "Int.", + "J.", + "Jr.", + "Jv.", + "K.", + "K.m.f.", + "KB.", + "KER.", + "KFT.", + "KRT.", + "Kb.", + "Ker.", + "Kft.", + "Kg.", + "Kht.", + "Kkt.", + "Kong.", + "Korm.", + "Kr.", + "Kr.e.", + "Kr.u.", + "Krt.", + "L.", + "LB.", + "Llc.", + "Ltd.", + "M.", + "M.A.", + "M.S.", + "M.SC.", + "M.Sc.", + "MA.", + "MH.", + "MSC.", + "MSc.", + "Mass.", + "Max.", + "Mlle.", + "Mme.", + "Mo.", + "Mr.", + "Mrs.", + "Ms.", + "Mt.", + "N.", + "N.N.", + "NB.", + "NBr.", + "Nat.", + "No.", + "Nr.", + "Ny.", + "Nyh.", + "Nyr.", + "Nyrt.", + "O.", + "OJ.", + "Op.", + "P.", + "P.H.", + "P.S.", + "PH.D.", + "PHD.", + "PROF.", + "Pf.", + "Ph.D", + "PhD.", + "Pk.", + "Pl.", + "Plc.", + "Pp.", + "Proc.", + "Prof.", + "Ptk.", + "R.", + "RT.", + "Rer.", + "Rt.", + "S.", + "S.B.", + "SZOLG.", + "Salg.", + "Sch.", + "Spa.", + "St.", + "Sz.", + "SzRt.", + "Szerk.", + "Szfv.", + "Szjt.", + "Szolg.", + "Szt.", + "Sztv.", + "Szvt.", + "Számv.", + "T.", + "TEL.", + "Tel.", + "Ty.", + "Tyr.", + "U.", + "Ui.", + "Ut.", + "V.", + "VB.", + "Vcs.", + "Vhr.", + "Vht.", + "Várm.", + "W.", + "X.", + "X.Y.", + "Y.", + "Z.", + "Zrt.", + "Zs.", + "a.C.", + "ac.", + "adj.", + "adm.", + "ag.", + "agit.", + "alez.", + "alk.", + "all.", + "altbgy.", + "an.", + "ang.", + "arch.", + "at.", + "atc.", + "aug.", + "b.a.", + "b.s.", + "b.sc.", + "bek.", + "belker.", + "berend.", + "biz.", + "bizt.", + "bo.", + "bp.", + "br.", + "bsc.", + "bt.", + "btk.", + "ca.", + "cc.", + "cca.", + "cf.", + "cif.", + "co.", + "corp.", + "cos.", + "cs.", + "csc.", + "csüt.", + "cső.", + "ctv.", + "dbj.", + "dd.", + "ddr.", + "de.", + "dec.", + "dikt.", + "dipl.", + "dj.", + "dk.", + "dl.", + "dny.", + "dolg.", + "dr.", + "du.", + "dzs.", + "ea.", + "ed.", + "eff.", + "egyh.", + "ell.", + "elv.", + "elvt.", + "em.", + "eng.", + "eny.", + "et.", + "etc.", + "ev.", + "ezr.", + "eü.", + "f.h.", + "f.é.", + "fam.", + "fb.", + "febr.", + "fej.", + "felv.", + "felügy.", + "ff.", + "ffi.", + "fhdgy.", + "fil.", + "fiz.", + "fm.", + "foglalk.", + "ford.", + "fp.", + "fr.", + "frsz.", + "fszla.", + "fszt.", + "ft.", + "fuv.", + "főig.", + "főisk.", + "főtörm.", + "főv.", + "gazd.", + "gimn.", + "gk.", + "gkv.", + "gmk.", + "gondn.", + "gr.", + "grav.", + "gy.", + "gyak.", + "gyártm.", + "gör.", + "hads.", + "hallg.", + "hdm.", + "hdp.", + "hds.", + "hg.", + "hiv.", + "hk.", + "hm.", + "ho.", + "honv.", + "hp.", + "hr.", + "hrsz.", + "hsz.", + "ht.", + "htb.", + "hv.", + "hőm.", + "i.e.", + "i.sz.", + "id.", + "ie.", + "ifj.", + "ig.", + "igh.", + "ill.", + "imp.", + "inc.", + "ind.", + "inform.", + "inic.", + "int.", + "io.", + "ip.", + "ir.", + "irod.", + "irod.", + "isk.", + "ism.", + "izr.", + "iá.", + "jan.", + "jav.", + "jegyz.", + "jgmk.", + "jjv.", + "jkv.", + "jogh.", + "jogt.", + "jr.", + "jvb.", + "júl.", + "jún.", + "karb.", + "kat.", + "kath.", + "kb.", + "kcs.", + "kd.", + "ker.", + "kf.", + "kft.", + "kht.", + "kir.", + "kirend.", + "kisip.", + "kiv.", + "kk.", + "kkt.", + "klin.", + "km.", + "korm.", + "kp.", + "krt.", + "kt.", + "ktsg.", + "kult.", + "kv.", + "kve.", + "képv.", + "kísérl.", + "kóth.", + "könyvt.", + "körz.", + "köv.", + "közj.", + "közl.", + "közp.", + "közt.", + "kü.", + "lat.", + "ld.", + "legs.", + "lg.", + "lgv.", + "loc.", + "lt.", + "ltd.", + "ltp.", + "luth.", + "m.a.", + "m.s.", + "m.sc.", + "ma.", + "mat.", + "max.", + "mb.", + "med.", + "megh.", + "met.", + "mf.", + "mfszt.", + "min.", + "miss.", + "mjr.", + "mjv.", + "mk.", + "mlle.", + "mme.", + "mn.", + "mozg.", + "mr.", + "mrs.", + "ms.", + "msc.", + "má.", + "máj.", + "márc.", + "mé.", + "mélt.", + "mü.", + "műh.", + "műsz.", + "műv.", + "művez.", + "nagyker.", + "nagys.", + "nat.", + "nb.", + "neg.", + "nk.", + "no.", + "nov.", + "nu.", + "ny.", + "nyilv.", + "nyrt.", + "nyug.", + "obj.", + "okl.", + "okt.", + "old.", + "olv.", + "orsz.", + "ort.", + "ov.", + "ovh.", + "pf.", + "pg.", + "ph.d", + "ph.d.", + "phd.", + "phil.", + "pjt.", + "pk.", + "pl.", + "plb.", + "plc.", + "pld.", + "plur.", + "pol.", + "polg.", + "poz.", + "pp.", + "proc.", + "prof.", + "prot.", + "pság.", + "ptk.", + "pu.", + "pü.", + "r.k.", + "rac.", + "rad.", + "red.", + "ref.", + "reg.", + "rer.", + "rev.", + "rf.", + "rkp.", + "rkt.", + "rt.", + "rtg.", + "röv.", + "s.b.", + "s.k.", + "sa.", + "sb.", + "sel.", + "sgt.", + "sm.", + "st.", + "stat.", + "stb.", + "strat.", + "stud.", + "sz.", + "szakm.", + "szaksz.", + "szakszerv.", + "szd.", + "szds.", + "szept.", + "szerk.", + "szf.", + "szimf.", + "szjt.", + "szkv.", + "szla.", + "szn.", + "szolg.", + "szt.", + "szubj.", + "szöv.", + "szül.", + "tanm.", + "tb.", + "tbk.", + "tc.", + "techn.", + "tek.", + "tel.", + "tf.", + "tgk.", + "ti.", + "tip.", + "tisztv.", + "titks.", + "tk.", + "tkp.", + "tny.", + "tp.", + "tszf.", + "tszk.", + "tszkv.", + "tv.", + "tvr.", + "ty.", + "törv.", + "tü.", + "ua.", + "ui.", + "unit.", + "uo.", + "uv.", + "vas.", + "vb.", + "vegy.", + "vh.", + "vhol.", + "vhr.", + "vill.", + "vizsg.", + "vk.", + "vkf.", + "vkny.", + "vm.", + "vol.", + "vs.", + "vsz.", + "vv.", + "vál.", + "várm.", + "vízv.", + "vö.", + "zrt.", + "zs.", + "Á.", + "Áe.", + "Áht.", + "É.", + "Épt.", + "Ész.", + "Új-Z.", + "ÚjZ.", + "Ún.", + "á.", + "ált.", + "ápr.", + "ásv.", + "é.", + "ék.", + "ény.", + "érk.", + "évf.", + "í.", + "ó.", + "össz.", + "ötk.", + "özv.", + "ú.", + "ú.n.", + "úm.", + "ún.", + "út.", + "üag.", + "üd.", + "üdv.", + "üe.", + "ümk.", + "ütk.", + "üv.", + "ű.", + "őrgy.", + "őrpk.", + "őrv.", +]: _exc[orth] = [{ORTH: orth}] @@ -91,8 +644,8 @@ _numeric_exp = "({n})(({o})({n}))*[%]?".format(n=_num, o=_ops) _time_exp = "\d+(:\d+)*(\.\d+)?" _nums = "(({ne})|({t})|({on})|({c}))({s})?".format( - ne=_numeric_exp, t=_time_exp, on=_ord_num_or_date, - c=CURRENCY, s=_suffixes) + ne=_numeric_exp, t=_time_exp, on=_ord_num_or_date, c=CURRENCY, s=_suffixes +) TOKENIZER_EXCEPTIONS = _exc diff --git a/spacy/lang/id/__init__.py b/spacy/lang/id/__init__.py index 351396414..d3c47d4b4 100644 --- a/spacy/lang/id/__init__.py +++ b/spacy/lang/id/__init__.py @@ -18,10 +18,11 @@ from ...util import update_exc, add_lookups class IndonesianDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'id' + lex_attr_getters[LANG] = lambda text: "id" lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], - BASE_NORMS, NORM_EXCEPTIONS) + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS, NORM_EXCEPTIONS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS prefixes = TOKENIZER_PREFIXES @@ -32,8 +33,8 @@ class IndonesianDefaults(Language.Defaults): class Indonesian(Language): - lang = 'id' + lang = "id" Defaults = IndonesianDefaults -__all__ = ['Indonesian'] +__all__ = ["Indonesian"] diff --git a/spacy/lang/id/_tokenizer_exceptions_list.py b/spacy/lang/id/_tokenizer_exceptions_list.py index 597902c1a..fec878d5a 100644 --- a/spacy/lang/id/_tokenizer_exceptions_list.py +++ b/spacy/lang/id/_tokenizer_exceptions_list.py @@ -1,7 +1,8 @@ # coding: utf8 from __future__ import unicode_literals -ID_BASE_EXCEPTIONS = set(""" +ID_BASE_EXCEPTIONS = set( + """ aba-aba abah-abah abal-abal @@ -3900,4 +3901,5 @@ yel-yel yo-yo zam-zam zig-zag -""".split()) +""".split() +) diff --git a/spacy/lang/id/examples.py b/spacy/lang/id/examples.py index c3616a2c1..ba1b6d964 100644 --- a/spacy/lang/id/examples.py +++ b/spacy/lang/id/examples.py @@ -18,5 +18,5 @@ sentences = [ "Jakarta adalah kota besar yang nyaris tidak pernah tidur." "Kamu ada di mana semalam?", "Siapa yang membeli makanan ringan tersebut?", - "Siapa presiden pertama Republik Indonesia?" + "Siapa presiden pertama Republik Indonesia?", ] diff --git a/spacy/lang/id/lex_attrs.py b/spacy/lang/id/lex_attrs.py index af781a360..1d4584ae3 100644 --- a/spacy/lang/id/lex_attrs.py +++ b/spacy/lang/id/lex_attrs.py @@ -7,26 +7,51 @@ from .punctuation import LIST_CURRENCY from ...attrs import IS_CURRENCY, LIKE_NUM -_num_words = ['nol', 'satu', 'dua', 'tiga', 'empat', 'lima', 'enam', 'tujuh', - 'delapan', 'sembilan', 'sepuluh', 'sebelas', 'belas', 'puluh', - 'ratus', 'ribu', 'juta', 'miliar', 'biliun', 'triliun', 'kuadriliun', - 'kuintiliun', 'sekstiliun', 'septiliun', 'oktiliun', 'noniliun', 'desiliun'] +_num_words = [ + "nol", + "satu", + "dua", + "tiga", + "empat", + "lima", + "enam", + "tujuh", + "delapan", + "sembilan", + "sepuluh", + "sebelas", + "belas", + "puluh", + "ratus", + "ribu", + "juta", + "miliar", + "biliun", + "triliun", + "kuadriliun", + "kuintiliun", + "sekstiliun", + "septiliun", + "oktiliun", + "noniliun", + "desiliun", +] def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: return True - if text.count('-') == 1: - _, num = text.split('-') + if text.count("-") == 1: + _, num = text.split("-") if num.isdigit() or num in _num_words: return True return False @@ -37,12 +62,9 @@ def is_currency(text): return True for char in text: - if unicodedata.category(char) != 'Sc': + if unicodedata.category(char) != "Sc": return False return True -LEX_ATTRS = { - IS_CURRENCY: is_currency, - LIKE_NUM: like_num -} +LEX_ATTRS = {IS_CURRENCY: is_currency, LIKE_NUM: like_num} diff --git a/spacy/lang/id/norm_exceptions.py b/spacy/lang/id/norm_exceptions.py index d3292ba39..09ac6a6d3 100644 --- a/spacy/lang/id/norm_exceptions.py +++ b/spacy/lang/id/norm_exceptions.py @@ -1,13 +1,8 @@ -""" -Slang and abbreviations - -Daftar kosakata yang sering salah dieja -https://id.wikipedia.org/wiki/Wikipedia:Daftar_kosakata_bahasa_Indonesia_yang_sering_salah_dieja - -""" # coding: utf8 from __future__ import unicode_literals +# Daftar kosakata yang sering salah dieja +# https://id.wikipedia.org/wiki/Wikipedia:Daftar_kosakata_bahasa_Indonesia_yang_sering_salah_dieja _exc = { # Slang and abbreviations "silahkan": "silakan", @@ -37,7 +32,6 @@ _exc = { "ngebuat": "membuat", "membikin": "membuat", "bikin": "buat", - # Daftar kosakata yang sering salah dieja "malpraktik": "malapraktik", "malfungsi": "malafungsi", diff --git a/spacy/lang/id/punctuation.py b/spacy/lang/id/punctuation.py index bea21a2f1..6198a59de 100644 --- a/spacy/lang/id/punctuation.py +++ b/spacy/lang/id/punctuation.py @@ -2,50 +2,57 @@ from __future__ import unicode_literals from ..punctuation import TOKENIZER_PREFIXES, TOKENIZER_SUFFIXES, TOKENIZER_INFIXES -from ..char_classes import merge_chars, split_chars, _currency, _units -from ..char_classes import LIST_PUNCT, LIST_ELLIPSES, LIST_QUOTES -from ..char_classes import QUOTES, ALPHA, ALPHA_LOWER, ALPHA_UPPER, HYPHENS +from ..char_classes import ALPHA, merge_chars, split_chars, _currency, _units -_units = (_units + 's bit Gbps Mbps mbps Kbps kbps ƒ ppi px ' - 'Hz kHz MHz GHz mAh ' - 'ratus rb ribu ribuan ' - 'juta jt jutaan mill?iar million bil[l]?iun bilyun billion ' - ) -_currency = (_currency + r' USD Rp IDR RMB SGD S\$') -_months = ('Januari Februari Maret April Mei Juni Juli Agustus September ' - 'Oktober November Desember January February March May June ' - 'July August October December Jan Feb Mar Jun Jul Aug Sept ' - 'Oct Okt Nov Des ') + +_units = ( + _units + "s bit Gbps Mbps mbps Kbps kbps ƒ ppi px " + "Hz kHz MHz GHz mAh " + "ratus rb ribu ribuan " + "juta jt jutaan mill?iar million bil[l]?iun bilyun billion " +) +_currency = _currency + r" USD Rp IDR RMB SGD S\$" +_months = ( + "Januari Februari Maret April Mei Juni Juli Agustus September " + "Oktober November Desember January February March May June " + "July August October December Jan Feb Mar Jun Jul Aug Sept " + "Oct Okt Nov Des " +) UNITS = merge_chars(_units) CURRENCY = merge_chars(_currency) -HTML_PREFIX = r'<(b|strong|i|em|p|span|div|br)\s?/>|]+)>' -HTML_SUFFIX = r'' +HTML_PREFIX = r"<(b|strong|i|em|p|span|div|br)\s?/>|]+)>" +HTML_SUFFIX = r"" MONTHS = merge_chars(_months) LIST_CURRENCY = split_chars(_currency) -TOKENIZER_PREFIXES.remove('#') # hashtag -_prefixes = TOKENIZER_PREFIXES + LIST_CURRENCY + [HTML_PREFIX] + ['/', '—'] +_prefixes = list(TOKENIZER_PREFIXES) +_prefixes.remove("#") # hashtag +_prefixes = _prefixes + LIST_CURRENCY + [HTML_PREFIX] + ["/", "—"] -_suffixes = TOKENIZER_SUFFIXES + [r'\-[Nn]ya', '-[KkMm]u', '[—-]'] + [ - r'(?<={c})(?:[0-9]+)'.format(c=CURRENCY), - r'(?<=[0-9])(?:{u})'.format(u=UNITS), - r'(?<=[0-9])%', - r'(?<=[0-9{a}]{h})(?:[\.,:-])'.format(a=ALPHA, h=HTML_SUFFIX), - r'(?<=[0-9{a}])(?:{h})'.format(a=ALPHA, h=HTML_SUFFIX), +_suffixes = ( + TOKENIZER_SUFFIXES + + [r"\-[Nn]ya", "-[KkMm]u", "[—-]"] + + [ + r"(?<={c})(?:[0-9]+)".format(c=CURRENCY), + r"(?<=[0-9])(?:{u})".format(u=UNITS), + r"(?<=[0-9])%", + r"(?<=[0-9{a}]{h})(?:[\.,:-])".format(a=ALPHA, h=HTML_SUFFIX), + r"(?<=[0-9{a}])(?:{h})".format(a=ALPHA, h=HTML_SUFFIX), ] +) _infixes = TOKENIZER_INFIXES + [ - r'(?<=[0-9])[\\/](?=[0-9%-])', - r'(?<=[0-9])%(?=[{a}0-9/])'.format(a=ALPHA), - r'(?<={u})[\/-](?=[0-9])'.format(u=UNITS), - r'(?<={m})[\/-](?=[0-9])'.format(m=MONTHS), + r"(?<=[0-9])[\\/](?=[0-9%-])", + r"(?<=[0-9])%(?=[{a}0-9/])".format(a=ALPHA), + r"(?<={u})[\/-](?=[0-9])".format(u=UNITS), + r"(?<={m})[\/-](?=[0-9])".format(m=MONTHS), r'(?<=[0-9\)][\.,])"(?=[0-9])', r'(?<=[{a}\)][\.,\'])["—](?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])-(?=[0-9])'.format(a=ALPHA), - r'(?<=[0-9])-(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])[\/-](?={c}{a})'.format(a=ALPHA, c=CURRENCY), + r"(?<=[{a}])-(?=[0-9])".format(a=ALPHA), + r"(?<=[0-9])-(?=[{a}])".format(a=ALPHA), + r"(?<=[{a}])[\/-](?={c}{a})".format(a=ALPHA, c=CURRENCY), ] TOKENIZER_PREFIXES = _prefixes diff --git a/spacy/lang/id/stop_words.py b/spacy/lang/id/stop_words.py index 640425b14..0a9f91947 100644 --- a/spacy/lang/id/stop_words.py +++ b/spacy/lang/id/stop_words.py @@ -1,10 +1,8 @@ -""" -List of stop words in Bahasa Indonesia. -""" # coding: utf8 from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ ada adalah adanya adapun agak agaknya agar akan akankah akhir akhiri akhirnya aku akulah amat amatlah anda andalah antar antara antaranya apa apaan apabila apakah apalagi apatah artinya asal asalkan atas atau ataukah ataupun awal @@ -119,4 +117,5 @@ ucap ucapnya ujar ujarnya umum umumnya ungkap ungkapnya untuk usah usai waduh wah wahai waktu waktunya walau walaupun wong yaitu yakin yakni yang -""".split()) +""".split() +) diff --git a/spacy/lang/id/syntax_iterators.py b/spacy/lang/id/syntax_iterators.py index c9de4f084..4712d34d9 100644 --- a/spacy/lang/id/syntax_iterators.py +++ b/spacy/lang/id/syntax_iterators.py @@ -8,11 +8,20 @@ def noun_chunks(obj): """ Detect base noun phrases from a dependency parse. Works on both Doc and Span. """ - labels = ['nsubj', 'nsubj:pass', 'obj', 'iobj', 'ROOT', 'appos', 'nmod', 'nmod:poss'] + labels = [ + "nsubj", + "nsubj:pass", + "obj", + "iobj", + "ROOT", + "appos", + "nmod", + "nmod:poss", + ] doc = obj.doc # Ensure works on both Doc and Span. np_deps = [doc.vocab.strings[label] for label in labels] - conj = doc.vocab.strings.add('conj') - np_label = doc.vocab.strings.add('NP') + conj = doc.vocab.strings.add("conj") + np_label = doc.vocab.strings.add("NP") seen = set() for i, word in enumerate(obj): if word.pos not in (NOUN, PROPN, PRON): @@ -23,8 +32,8 @@ def noun_chunks(obj): if word.dep in np_deps: if any(w.i in seen for w in word.subtree): continue - seen.update(j for j in range(word.left_edge.i, word.right_edge.i+1)) - yield word.left_edge.i, word.right_edge.i+1, np_label + seen.update(j for j in range(word.left_edge.i, word.right_edge.i + 1)) + yield word.left_edge.i, word.right_edge.i + 1, np_label elif word.dep == conj: head = word.head while head.dep == conj and head.head.i < head.i: @@ -33,10 +42,8 @@ def noun_chunks(obj): if head.dep in np_deps: if any(w.i in seen for w in word.subtree): continue - seen.update(j for j in range(word.left_edge.i, word.right_edge.i+1)) - yield word.left_edge.i, word.right_edge.i+1, np_label + seen.update(j for j in range(word.left_edge.i, word.right_edge.i + 1)) + yield word.left_edge.i, word.right_edge.i + 1, np_label -SYNTAX_ITERATORS = { - 'noun_chunks': noun_chunks -} +SYNTAX_ITERATORS = {"noun_chunks": noun_chunks} diff --git a/spacy/lang/id/tokenizer_exceptions.py b/spacy/lang/id/tokenizer_exceptions.py index f5dea30a9..86fe611bf 100644 --- a/spacy/lang/id/tokenizer_exceptions.py +++ b/spacy/lang/id/tokenizer_exceptions.py @@ -1,13 +1,11 @@ -""" -Daftar singkatan dan Akronim dari: -https://id.wiktionary.org/wiki/Wiktionary:Daftar_singkatan_dan_akronim_bahasa_Indonesia#A -""" # coding: utf8 from __future__ import unicode_literals from ._tokenizer_exceptions_list import ID_BASE_EXCEPTIONS from ...symbols import ORTH, LEMMA, NORM +# Daftar singkatan dan Akronim dari: +# https://id.wiktionary.org/wiki/Wiktionary:Daftar_singkatan_dan_akronim_bahasa_Indonesia#A _exc = {} @@ -26,11 +24,11 @@ for orth in ID_BASE_EXCEPTIONS: orth_first_upper = orth[0].upper() + orth[1:] _exc[orth_first_upper] = [{ORTH: orth_first_upper}] - if '-' in orth: - orth_title = '-'.join([part.title() for part in orth.split('-')]) + if "-" in orth: + orth_title = "-".join([part.title() for part in orth.split("-")]) _exc[orth_title] = [{ORTH: orth_title}] - orth_caps = '-'.join([part.upper() for part in orth.split('-')]) + orth_caps = "-".join([part.upper() for part in orth.split("-")]) _exc[orth_caps] = [{ORTH: orth_caps}] for exc_data in [ @@ -45,7 +43,8 @@ for exc_data in [ {ORTH: "Sep.", LEMMA: "September", NORM: "September"}, {ORTH: "Okt.", LEMMA: "Oktober", NORM: "Oktober"}, {ORTH: "Nov.", LEMMA: "November", NORM: "November"}, - {ORTH: "Des.", LEMMA: "Desember", NORM: "Desember"}]: + {ORTH: "Des.", LEMMA: "Desember", NORM: "Desember"}, +]: _exc[exc_data[ORTH]] = [exc_data] _other_exc = { @@ -64,27 +63,165 @@ _other_exc = { _exc.update(_other_exc) for orth in [ - "A.AB.", "A.Ma.", "A.Md.", "A.Md.Keb.", "A.Md.Kep.", "A.P.", - "B.A.", "B.Ch.E.", "B.Sc.", "Dr.", "Dra.", "Drs.", "Hj.", "Ka.", "Kp.", - "M.AB", "M.Ag.", "M.AP", "M.Arl", "M.A.R.S", "M.Hum.", "M.I.Kom.", - "M.Kes,", "M.Kom.", "M.M.", "M.P.", "M.Pd.", "M.Psi.", "M.Psi.T.", "M.Sc.", - "M.SArl", "M.Si.", "M.Sn.", "M.T.", "M.Th.", "No.", "Pjs.", "Plt.", "R.A.", - "S.AB", "S.AP", "S.Adm", "S.Ag.", "S.Agr", "S.Ant", "S.Arl", "S.Ars", - "S.A.R.S", "S.Ds", "S.E.", "S.E.I.", "S.Farm", "S.Gz.", "S.H.", "S.Han", - "S.H.Int", "S.Hum", "S.Hut.", "S.In.", "S.IK.", "S.I.Kom.", "S.I.P", - "S.IP", "S.P.", "S.Pt", "S.Psi", "S.Ptk", "S.Keb", "S.Ked", "S.Kep", - "S.KG", "S.KH", "S.Kel", "S.K.M.", "S.Kedg.", "S.Kedh.", "S.Kom.", "S.KPM", - "S.Mb", "S.Mat", "S.Par", "S.Pd.", "S.Pd.I.", "S.Pd.SD", "S.Pol.", - "S.Psi.", "S.S.", "S.SArl.", "S.Sn", "S.Si.", "S.Si.Teol.", "S.SI.", - "S.ST.", "S.ST.Han", "S.STP", "S.Sos.", "S.Sy.", "S.T.", "S.T.Han", - "S.Th.", "S.Th.I" "S.TI.", "S.T.P.", "S.TrK", "S.Tekp.", "S.Th.", - "Prof.", "drg.", "KH.", "Ust.", "Lc", "Pdt.", "S.H.H.", "Rm.", "Ps.", - "St.", "M.A.", "M.B.A", "M.Eng.", "M.Eng.Sc.", "M.Pharm.", "Dr. med", - "Dr.-Ing", "Dr. rer. nat.", "Dr. phil.", "Dr. iur.", "Dr. rer. oec", - "Dr. rer. pol.", "R.Ng.", "R.", "R.M.", "R.B.", "R.P.", "R.Ay.", "Rr.", - "R.Ngt.", "a.l.", "a.n.", "a.s.", "b.d.", "d.a.", "d.l.", "d/h", "dkk.", - "dll.", "dr.", "drh.", "ds.", "dsb.", "dst.", "faks.", "fax.", "hlm.", - "i/o", "n.b.", "p.p." "pjs.", "s.d.", "tel.", "u.p."]: + "A.AB.", + "A.Ma.", + "A.Md.", + "A.Md.Keb.", + "A.Md.Kep.", + "A.P.", + "B.A.", + "B.Ch.E.", + "B.Sc.", + "Dr.", + "Dra.", + "Drs.", + "Hj.", + "Ka.", + "Kp.", + "M.AB", + "M.Ag.", + "M.AP", + "M.Arl", + "M.A.R.S", + "M.Hum.", + "M.I.Kom.", + "M.Kes,", + "M.Kom.", + "M.M.", + "M.P.", + "M.Pd.", + "M.Psi.", + "M.Psi.T.", + "M.Sc.", + "M.SArl", + "M.Si.", + "M.Sn.", + "M.T.", + "M.Th.", + "No.", + "Pjs.", + "Plt.", + "R.A.", + "S.AB", + "S.AP", + "S.Adm", + "S.Ag.", + "S.Agr", + "S.Ant", + "S.Arl", + "S.Ars", + "S.A.R.S", + "S.Ds", + "S.E.", + "S.E.I.", + "S.Farm", + "S.Gz.", + "S.H.", + "S.Han", + "S.H.Int", + "S.Hum", + "S.Hut.", + "S.In.", + "S.IK.", + "S.I.Kom.", + "S.I.P", + "S.IP", + "S.P.", + "S.Pt", + "S.Psi", + "S.Ptk", + "S.Keb", + "S.Ked", + "S.Kep", + "S.KG", + "S.KH", + "S.Kel", + "S.K.M.", + "S.Kedg.", + "S.Kedh.", + "S.Kom.", + "S.KPM", + "S.Mb", + "S.Mat", + "S.Par", + "S.Pd.", + "S.Pd.I.", + "S.Pd.SD", + "S.Pol.", + "S.Psi.", + "S.S.", + "S.SArl.", + "S.Sn", + "S.Si.", + "S.Si.Teol.", + "S.SI.", + "S.ST.", + "S.ST.Han", + "S.STP", + "S.Sos.", + "S.Sy.", + "S.T.", + "S.T.Han", + "S.Th.", + "S.Th.I" "S.TI.", + "S.T.P.", + "S.TrK", + "S.Tekp.", + "S.Th.", + "Prof.", + "drg.", + "KH.", + "Ust.", + "Lc", + "Pdt.", + "S.H.H.", + "Rm.", + "Ps.", + "St.", + "M.A.", + "M.B.A", + "M.Eng.", + "M.Eng.Sc.", + "M.Pharm.", + "Dr. med", + "Dr.-Ing", + "Dr. rer. nat.", + "Dr. phil.", + "Dr. iur.", + "Dr. rer. oec", + "Dr. rer. pol.", + "R.Ng.", + "R.", + "R.M.", + "R.B.", + "R.P.", + "R.Ay.", + "Rr.", + "R.Ngt.", + "a.l.", + "a.n.", + "a.s.", + "b.d.", + "d.a.", + "d.l.", + "d/h", + "dkk.", + "dll.", + "dr.", + "drh.", + "ds.", + "dsb.", + "dst.", + "faks.", + "fax.", + "hlm.", + "i/o", + "n.b.", + "p.p." "pjs.", + "s.d.", + "tel.", + "u.p.", +]: _exc[orth] = [{ORTH: orth}] TOKENIZER_EXCEPTIONS = _exc diff --git a/spacy/lang/it/__init__.py b/spacy/lang/it/__init__.py index 945da90f0..c8028fdc3 100644 --- a/spacy/lang/it/__init__.py +++ b/spacy/lang/it/__init__.py @@ -14,8 +14,10 @@ from ...util import update_exc, add_lookups class ItalianDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'it' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "it" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS) stop_words = STOP_WORDS lemma_lookup = LOOKUP @@ -23,8 +25,8 @@ class ItalianDefaults(Language.Defaults): class Italian(Language): - lang = 'it' + lang = "it" Defaults = ItalianDefaults -__all__ = ['Italian'] +__all__ = ["Italian"] diff --git a/spacy/lang/it/examples.py b/spacy/lang/it/examples.py index d35b9f834..af66b7eca 100644 --- a/spacy/lang/it/examples.py +++ b/spacy/lang/it/examples.py @@ -14,5 +14,5 @@ sentences = [ "Apple vuole comprare una startup del Regno Unito per un miliardo di dollari", "Le automobili a guida autonoma spostano la responsabilità assicurativa verso i produttori", "San Francisco prevede di bandire i robot di consegna porta a porta", - "Londra è una grande città del Regno Unito." + "Londra è una grande città del Regno Unito.", ] diff --git a/spacy/lang/it/stop_words.py b/spacy/lang/it/stop_words.py index e03242d46..84233d381 100644 --- a/spacy/lang/it/stop_words.py +++ b/spacy/lang/it/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ a abbastanza abbia abbiamo abbiano abbiate accidenti ad adesso affinche agl agli ahime ahimè ai al alcuna alcuni alcuno all alla alle allo allora altri altrimenti altro altrove altrui anche ancora anni anno ansa anticipo assai @@ -82,4 +83,5 @@ uguali ulteriore ultimo un una uno uomo va vale vari varia varie vario verso vi via vicino visto vita voi volta volte vostra vostre vostri vostro -""".split()) +""".split() +) diff --git a/spacy/lang/it/tag_map.py b/spacy/lang/it/tag_map.py index 8ae5b3dc7..798c45d80 100644 --- a/spacy/lang/it/tag_map.py +++ b/spacy/lang/it/tag_map.py @@ -319,5 +319,5 @@ TAG_MAP = { "V__VerbForm=Ger": {POS: VERB}, "V__VerbForm=Inf": {POS: VERB}, "X___": {POS: X}, - "_SP": {POS: SPACE} + "_SP": {POS: SPACE}, } diff --git a/spacy/lang/ja/__init__.py b/spacy/lang/ja/__init__.py index 372dacc40..4a3033f9d 100644 --- a/spacy/lang/ja/__init__.py +++ b/spacy/lang/ja/__init__.py @@ -11,7 +11,9 @@ from .tag_map import TAG_MAP import re from collections import namedtuple -ShortUnitWord = namedtuple('ShortUnitWord', ['surface', 'lemma', 'pos']) + +ShortUnitWord = namedtuple("ShortUnitWord", ["surface", "lemma", "pos"]) + def try_mecab_import(): """Mecab is required for Japanese support, so check for it. @@ -19,19 +21,23 @@ def try_mecab_import(): It it's not available blow up and explain how to fix it.""" try: import MeCab + # XXX Is this the right place for this? - Token.set_extension('mecab_tag', default=None) + Token.set_extension("mecab_tag", default=None) return MeCab except ImportError: - raise ImportError("Japanese support requires MeCab: " - "https://github.com/SamuraiT/mecab-python3") + raise ImportError( + "Japanese support requires MeCab: " + "https://github.com/SamuraiT/mecab-python3" + ) + def resolve_pos(token): """If necessary, add a field to the POS tag for UD mapping. Under Universal Dependencies, sometimes the same Unidic POS tag can be mapped differently depending on the literal token or its context - in the sentence. This function adds information to the POS tag to + in the sentence. This function adds information to the POS tag to resolve ambiguous mappings. """ @@ -39,35 +45,37 @@ def resolve_pos(token): # For many of these, full dependencies are needed to properly resolve # PoS mappings. - if token.pos == '連体詞,*,*,*': - if re.match('^[こそあど此其彼]の', token.surface): - return token.pos + ',DET' - if re.match('^[こそあど此其彼]', token.surface): - return token.pos + ',PRON' + if token.pos == "連体詞,*,*,*": + if re.match("^[こそあど此其彼]の", token.surface): + return token.pos + ",DET" + if re.match("^[こそあど此其彼]", token.surface): + return token.pos + ",PRON" else: - return token.pos + ',ADJ' + return token.pos + ",ADJ" return token.pos + def detailed_tokens(tokenizer, text): """Format Mecab output into a nice data structure, based on Janome.""" tokenizer.parse(text) node = tokenizer.parseToNode(text) - node = node.next # first node is beginning of sentence and empty, skip it + node = node.next # first node is beginning of sentence and empty, skip it words = [] while node.posid != 0: surface = node.surface - base = surface # a default value. Updated if available later. - parts = node.feature.split(',') - pos = ','.join(parts[0:4]) + base = surface # a default value. Updated if available later. + parts = node.feature.split(",") + pos = ",".join(parts[0:4]) if len(parts) > 7: # this information is only available for words in the tokenizer dictionary base = parts[7] - words.append( ShortUnitWord(surface, base, pos) ) + words.append(ShortUnitWord(surface, base, pos)) node = node.next return words + class JapaneseTokenizer(object): def __init__(self, cls, nlp=None): self.vocab = nlp.vocab if nlp is not None else cls.create_vocab(nlp) @@ -78,7 +86,7 @@ class JapaneseTokenizer(object): def __call__(self, text): dtokens = detailed_tokens(self.tokenizer, text) words = [x.surface for x in dtokens] - doc = Doc(self.vocab, words=words, spaces=[False]*len(words)) + doc = Doc(self.vocab, words=words, spaces=[False] * len(words)) for token, dtoken in zip(doc, dtokens): token._.mecab_tag = dtoken.pos token.tag_ = resolve_pos(dtoken) @@ -88,7 +96,7 @@ class JapaneseTokenizer(object): # add dummy methods for to_bytes, from_bytes, to_disk and from_disk to # allow serialization (see #1557) def to_bytes(self, **exclude): - return b'' + return b"" def from_bytes(self, bytes_data, **exclude): return self @@ -99,6 +107,7 @@ class JapaneseTokenizer(object): def from_disk(self, path, **exclude): return self + class JapaneseCharacterSegmenter(object): def __init__(self, vocab): self.vocab = vocab @@ -107,17 +116,29 @@ class JapaneseCharacterSegmenter(object): def _make_presegmenter(self, vocab): rules = Japanese.Defaults.tokenizer_exceptions token_match = Japanese.Defaults.token_match - prefix_search = (util.compile_prefix_regex(Japanese.Defaults.prefixes).search - if Japanese.Defaults.prefixes else None) - suffix_search = (util.compile_suffix_regex(Japanese.Defaults.suffixes).search - if Japanese.Defaults.suffixes else None) - infix_finditer = (util.compile_infix_regex(Japanese.Defaults.infixes).finditer - if Japanese.Defaults.infixes else None) - return Tokenizer(vocab, rules=rules, - prefix_search=prefix_search, - suffix_search=suffix_search, - infix_finditer=infix_finditer, - token_match=token_match) + prefix_search = ( + util.compile_prefix_regex(Japanese.Defaults.prefixes).search + if Japanese.Defaults.prefixes + else None + ) + suffix_search = ( + util.compile_suffix_regex(Japanese.Defaults.suffixes).search + if Japanese.Defaults.suffixes + else None + ) + infix_finditer = ( + util.compile_infix_regex(Japanese.Defaults.infixes).finditer + if Japanese.Defaults.infixes + else None + ) + return Tokenizer( + vocab, + rules=rules, + prefix_search=prefix_search, + suffix_search=suffix_search, + infix_finditer=infix_finditer, + token_match=token_match, + ) def __call__(self, text): words = [] @@ -125,14 +146,14 @@ class JapaneseCharacterSegmenter(object): doc = self._presegmenter(text) for token in doc: words.extend(list(token.text)) - spaces.extend([False]*len(token.text)) + spaces.extend([False] * len(token.text)) spaces[-1] = bool(token.whitespace_) return Doc(self.vocab, words=words, spaces=spaces) class JapaneseDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'ja' + lex_attr_getters[LANG] = lambda text: "ja" tag_map = TAG_MAP use_janome = True @@ -143,12 +164,14 @@ class JapaneseDefaults(Language.Defaults): else: return JapaneseCharacterSegmenter(nlp.vocab) + class Japanese(Language): - lang = 'ja' + lang = "ja" Defaults = JapaneseDefaults Tokenizer = JapaneseTokenizer def make_doc(self, text): return self.tokenizer(text) -__all__ = ['Japanese'] + +__all__ = ["Japanese"] diff --git a/spacy/lang/ja/examples.py b/spacy/lang/ja/examples.py index 623609205..e00001ed5 100644 --- a/spacy/lang/ja/examples.py +++ b/spacy/lang/ja/examples.py @@ -11,8 +11,8 @@ Example sentences to test spaCy and its language models. sentences = [ - 'アップルがイギリスの新興企業を10億ドルで購入を検討', - '自動運転車の損害賠償責任、自動車メーカーに一定の負担を求める', - '歩道を走る自動配達ロボ、サンフランシスコ市が走行禁止を検討', - 'ロンドンはイギリスの大都市です。' + "アップルがイギリスの新興企業を10億ドルで購入を検討", + "自動運転車の損害賠償責任、自動車メーカーに一定の負担を求める", + "歩道を走る自動配達ロボ、サンフランシスコ市が走行禁止を検討", + "ロンドンはイギリスの大都市です。", ] diff --git a/spacy/lang/ja/stop_words.py b/spacy/lang/ja/stop_words.py index a3df4f6ac..bb232a2d2 100644 --- a/spacy/lang/ja/stop_words.py +++ b/spacy/lang/ja/stop_words.py @@ -5,7 +5,8 @@ from __future__ import unicode_literals # filtering out everything that wasn't hiragana. ー (one) was also added. # Considered keeping some non-hiragana words but too many place names were # present. -STOP_WORDS = set(""" +STOP_WORDS = set( + """ あ あっ あまり あり ある あるいは あれ い いい いう いく いずれ いっ いつ いる いわ うち @@ -46,4 +47,5 @@ STOP_WORDS = set(""" を ん 一 -""".split()) +""".split() +) diff --git a/spacy/lang/ja/tag_map.py b/spacy/lang/ja/tag_map.py index 0191df88f..6b114eb10 100644 --- a/spacy/lang/ja/tag_map.py +++ b/spacy/lang/ja/tag_map.py @@ -1,88 +1,80 @@ # encoding: utf8 from __future__ import unicode_literals -from ...symbols import * +from ...symbols import POS, PUNCT, INTJ, X, ADJ, AUX, ADP, PART, SCONJ, NOUN +from ...symbols import SYM, PRON, VERB, ADV, PROPN, NUM, DET + TAG_MAP = { # Explanation of Unidic tags: # https://www.gavo.t.u-tokyo.ac.jp/~mine/japanese/nlp+slp/UNIDIC_manual.pdf - # Universal Dependencies Mapping: # http://universaldependencies.org/ja/overview/morphology.html # http://universaldependencies.org/ja/pos/all.html - - "記号,一般,*,*":{POS: PUNCT}, # this includes characters used to represent sounds like ドレミ - "記号,文字,*,*":{POS: PUNCT}, # this is for Greek and Latin characters used as sumbols, as in math - + "記号,一般,*,*": { + POS: PUNCT + }, # this includes characters used to represent sounds like ドレミ + "記号,文字,*,*": { + POS: PUNCT + }, # this is for Greek and Latin characters used as sumbols, as in math "感動詞,フィラー,*,*": {POS: INTJ}, "感動詞,一般,*,*": {POS: INTJ}, - # this is specifically for unicode full-width space - "空白,*,*,*": {POS: X}, - - "形状詞,一般,*,*":{POS: ADJ}, - "形状詞,タリ,*,*":{POS: ADJ}, - "形状詞,助動詞語幹,*,*":{POS: ADJ}, - "形容詞,一般,*,*":{POS: ADJ}, - "形容詞,非自立可能,*,*":{POS: AUX}, # XXX ADJ if alone, AUX otherwise - - "助詞,格助詞,*,*":{POS: ADP}, - "助詞,係助詞,*,*":{POS: ADP}, - "助詞,終助詞,*,*":{POS: PART}, - "助詞,準体助詞,*,*":{POS: SCONJ}, # の as in 走るのが速い - "助詞,接続助詞,*,*":{POS: SCONJ}, # verb ending て - "助詞,副助詞,*,*":{POS: PART}, # ばかり, つつ after a verb - "助動詞,*,*,*":{POS: AUX}, - "接続詞,*,*,*":{POS: SCONJ}, # XXX: might need refinement - - "接頭辞,*,*,*":{POS: NOUN}, - "接尾辞,形状詞的,*,*":{POS: ADJ}, # がち, チック - "接尾辞,形容詞的,*,*":{POS: ADJ}, # -らしい - "接尾辞,動詞的,*,*":{POS: NOUN}, # -じみ - "接尾辞,名詞的,サ変可能,*":{POS: NOUN}, # XXX see 名詞,普通名詞,サ変可能,* - "接尾辞,名詞的,一般,*":{POS: NOUN}, - "接尾辞,名詞的,助数詞,*":{POS: NOUN}, - "接尾辞,名詞的,副詞可能,*":{POS: NOUN}, # -後, -過ぎ - - "代名詞,*,*,*":{POS: PRON}, - "動詞,一般,*,*":{POS: VERB}, - "動詞,非自立可能,*,*":{POS: VERB}, # XXX VERB if alone, AUX otherwise - "動詞,非自立可能,*,*,AUX":{POS: AUX}, - "動詞,非自立可能,*,*,VERB":{POS: VERB}, - "副詞,*,*,*":{POS: ADV}, - - "補助記号,AA,一般,*":{POS: SYM}, # text art - "補助記号,AA,顔文字,*":{POS: SYM}, # kaomoji - "補助記号,一般,*,*":{POS: SYM}, - "補助記号,括弧開,*,*":{POS: PUNCT}, # open bracket - "補助記号,括弧閉,*,*":{POS: PUNCT}, # close bracket - "補助記号,句点,*,*":{POS: PUNCT}, # period or other EOS marker - "補助記号,読点,*,*":{POS: PUNCT}, # comma - - "名詞,固有名詞,一般,*":{POS: PROPN}, # general proper noun - "名詞,固有名詞,人名,一般":{POS: PROPN}, # person's name - "名詞,固有名詞,人名,姓":{POS: PROPN}, # surname - "名詞,固有名詞,人名,名":{POS: PROPN}, # first name - "名詞,固有名詞,地名,一般":{POS: PROPN}, # place name - "名詞,固有名詞,地名,国":{POS: PROPN}, # country name - - "名詞,助動詞語幹,*,*":{POS: AUX}, - "名詞,数詞,*,*":{POS: NUM}, # includes Chinese numerals - - "名詞,普通名詞,サ変可能,*":{POS: NOUN}, # XXX: sometimes VERB in UDv2; suru-verb noun - "名詞,普通名詞,サ変可能,*,NOUN":{POS: NOUN}, - "名詞,普通名詞,サ変可能,*,VERB":{POS: VERB}, - - "名詞,普通名詞,サ変形状詞可能,*":{POS: NOUN}, # ex: 下手 - "名詞,普通名詞,一般,*":{POS: NOUN}, - "名詞,普通名詞,形状詞可能,*":{POS: NOUN}, # XXX: sometimes ADJ in UDv2 - "名詞,普通名詞,形状詞可能,*,NOUN":{POS: NOUN}, - "名詞,普通名詞,形状詞可能,*,ADJ":{POS: ADJ}, - "名詞,普通名詞,助数詞可能,*":{POS: NOUN}, # counter / unit - "名詞,普通名詞,副詞可能,*":{POS: NOUN}, - - "連体詞,*,*,*":{POS: ADJ}, # XXX this has exceptions based on literal token - "連体詞,*,*,*,ADJ":{POS: ADJ}, - "連体詞,*,*,*,PRON":{POS: PRON}, - "連体詞,*,*,*,DET":{POS: DET}, + "空白,*,*,*": {POS: X}, + "形状詞,一般,*,*": {POS: ADJ}, + "形状詞,タリ,*,*": {POS: ADJ}, + "形状詞,助動詞語幹,*,*": {POS: ADJ}, + "形容詞,一般,*,*": {POS: ADJ}, + "形容詞,非自立可能,*,*": {POS: AUX}, # XXX ADJ if alone, AUX otherwise + "助詞,格助詞,*,*": {POS: ADP}, + "助詞,係助詞,*,*": {POS: ADP}, + "助詞,終助詞,*,*": {POS: PART}, + "助詞,準体助詞,*,*": {POS: SCONJ}, # の as in 走るのが速い + "助詞,接続助詞,*,*": {POS: SCONJ}, # verb ending て + "助詞,副助詞,*,*": {POS: PART}, # ばかり, つつ after a verb + "助動詞,*,*,*": {POS: AUX}, + "接続詞,*,*,*": {POS: SCONJ}, # XXX: might need refinement + "接頭辞,*,*,*": {POS: NOUN}, + "接尾辞,形状詞的,*,*": {POS: ADJ}, # がち, チック + "接尾辞,形容詞的,*,*": {POS: ADJ}, # -らしい + "接尾辞,動詞的,*,*": {POS: NOUN}, # -じみ + "接尾辞,名詞的,サ変可能,*": {POS: NOUN}, # XXX see 名詞,普通名詞,サ変可能,* + "接尾辞,名詞的,一般,*": {POS: NOUN}, + "接尾辞,名詞的,助数詞,*": {POS: NOUN}, + "接尾辞,名詞的,副詞可能,*": {POS: NOUN}, # -後, -過ぎ + "代名詞,*,*,*": {POS: PRON}, + "動詞,一般,*,*": {POS: VERB}, + "動詞,非自立可能,*,*": {POS: VERB}, # XXX VERB if alone, AUX otherwise + "動詞,非自立可能,*,*,AUX": {POS: AUX}, + "動詞,非自立可能,*,*,VERB": {POS: VERB}, + "副詞,*,*,*": {POS: ADV}, + "補助記号,AA,一般,*": {POS: SYM}, # text art + "補助記号,AA,顔文字,*": {POS: SYM}, # kaomoji + "補助記号,一般,*,*": {POS: SYM}, + "補助記号,括弧開,*,*": {POS: PUNCT}, # open bracket + "補助記号,括弧閉,*,*": {POS: PUNCT}, # close bracket + "補助記号,句点,*,*": {POS: PUNCT}, # period or other EOS marker + "補助記号,読点,*,*": {POS: PUNCT}, # comma + "名詞,固有名詞,一般,*": {POS: PROPN}, # general proper noun + "名詞,固有名詞,人名,一般": {POS: PROPN}, # person's name + "名詞,固有名詞,人名,姓": {POS: PROPN}, # surname + "名詞,固有名詞,人名,名": {POS: PROPN}, # first name + "名詞,固有名詞,地名,一般": {POS: PROPN}, # place name + "名詞,固有名詞,地名,国": {POS: PROPN}, # country name + "名詞,助動詞語幹,*,*": {POS: AUX}, + "名詞,数詞,*,*": {POS: NUM}, # includes Chinese numerals + "名詞,普通名詞,サ変可能,*": {POS: NOUN}, # XXX: sometimes VERB in UDv2; suru-verb noun + "名詞,普通名詞,サ変可能,*,NOUN": {POS: NOUN}, + "名詞,普通名詞,サ変可能,*,VERB": {POS: VERB}, + "名詞,普通名詞,サ変形状詞可能,*": {POS: NOUN}, # ex: 下手 + "名詞,普通名詞,一般,*": {POS: NOUN}, + "名詞,普通名詞,形状詞可能,*": {POS: NOUN}, # XXX: sometimes ADJ in UDv2 + "名詞,普通名詞,形状詞可能,*,NOUN": {POS: NOUN}, + "名詞,普通名詞,形状詞可能,*,ADJ": {POS: ADJ}, + "名詞,普通名詞,助数詞可能,*": {POS: NOUN}, # counter / unit + "名詞,普通名詞,副詞可能,*": {POS: NOUN}, + "連体詞,*,*,*": {POS: ADJ}, # XXX this has exceptions based on literal token + "連体詞,*,*,*,ADJ": {POS: ADJ}, + "連体詞,*,*,*,PRON": {POS: PRON}, + "連体詞,*,*,*,DET": {POS: DET}, } diff --git a/spacy/lang/lex_attrs.py b/spacy/lang/lex_attrs.py index 2b1386fd7..1a152b08c 100644 --- a/spacy/lang/lex_attrs.py +++ b/spacy/lang/lex_attrs.py @@ -7,7 +7,7 @@ import regex as re from .. import attrs -_like_email = re.compile(r'([a-zA-Z0-9_.+-]+@[a-zA-Z0-9-]+\.[a-zA-Z0-9-.]+)').match +_like_email = re.compile(r"([a-zA-Z0-9_.+-]+@[a-zA-Z0-9-]+\.[a-zA-Z0-9-.]+)").match _tlds = set( "com|org|edu|gov|net|mil|aero|asia|biz|cat|coop|info|int|jobs|mobi|museum|" "name|pro|tel|travel|xxx|ac|ad|ae|af|ag|ai|al|am|an|ao|aq|ar|as|at|au|aw|" @@ -20,12 +20,13 @@ _tlds = set( "na|nc|ne|nf|ng|ni|nl|no|np|nr|nu|nz|om|pa|pe|pf|pg|ph|pk|pl|pm|pn|pr|ps|" "pt|pw|py|qa|re|ro|rs|ru|rw|sa|sb|sc|sd|se|sg|sh|si|sj|sk|sl|sm|sn|so|sr|" "ss|st|su|sv|sy|sz|tc|td|tf|tg|th|tj|tk|tl|tm|tn|to|tp|tr|tt|tv|tw|tz|ua|" - "ug|uk|us|uy|uz|va|vc|ve|vg|vi|vn|vu|wf|ws|ye|yt|za|zm|zw".split('|')) + "ug|uk|us|uy|uz|va|vc|ve|vg|vi|vn|vu|wf|ws|ye|yt|za|zm|zw".split("|") +) def is_punct(text): for char in text: - if not unicodedata.category(char).startswith('P'): + if not unicodedata.category(char).startswith("P"): return False return True @@ -38,43 +39,80 @@ def is_ascii(text): def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] # can be overwritten by lang with list of number words - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True return False def is_bracket(text): - brackets = ('(',')','[',']','{','}','<','>') + brackets = ("(", ")", "[", "]", "{", "}", "<", ">") return text in brackets def is_quote(text): - quotes = ('"',"'",'`','«','»','‘','’','‚','‛','“','”','„','‟','‹','›','❮','❯',"''",'``') + quotes = ( + '"', + "'", + "`", + "«", + "»", + "‘", + "’", + "‚", + "‛", + "“", + "”", + "„", + "‟", + "‹", + "›", + "❮", + "❯", + "''", + "``", + ) return text in quotes def is_left_punct(text): - left_punct = ('(','[','{','<','"',"'",'«','‘','‚','‛','“','„','‟','‹','❮','``') + left_punct = ( + "(", + "[", + "{", + "<", + '"', + "'", + "«", + "‘", + "‚", + "‛", + "“", + "„", + "‟", + "‹", + "❮", + "``", + ) return text in left_punct def is_right_punct(text): - right_punct = (')',']','}','>','"',"'",'»','’','”','›','❯',"''") + right_punct = (")", "]", "}", ">", '"', "'", "»", "’", "”", "›", "❯", "''") return text in right_punct def is_currency(text): # can be overwritten by lang with list of currency words, e.g. dollar, euro for char in text: - if unicodedata.category(char) != 'Sc': + if unicodedata.category(char) != "Sc": return False return True @@ -86,23 +124,23 @@ def like_email(text): def like_url(text): # We're looking for things that function in text like URLs. So, valid URL # or not, anything they say http:// is going to be good. - if text.startswith('http://') or text.startswith('https://'): + if text.startswith("http://") or text.startswith("https://"): return True - elif text.startswith('www.') and len(text) >= 5: + elif text.startswith("www.") and len(text) >= 5: return True - if text[0] == '.' or text[-1] == '.': + if text[0] == "." or text[-1] == ".": return False - if '@' in text: + if "@" in text: # prevent matches on e-mail addresses – check after splitting the text # to still allow URLs containing an '@' character (see #1715) return False for i in range(len(text)): - if text[i] == '.': + if text[i] == ".": break else: return False - tld = text.rsplit('.', 1)[1].split(':', 1)[0] - if tld.endswith('/'): + tld = text.rsplit(".", 1)[1].split(":", 1)[0] + if tld.endswith("/"): return True if tld.isalpha() and tld in _tlds: return True @@ -111,20 +149,19 @@ def like_url(text): def word_shape(text): if len(text) >= 100: - return 'LONG' - length = len(text) + return "LONG" shape = [] - last = '' - shape_char = '' + last = "" + shape_char = "" seq = 0 for char in text: if char.isalpha(): if char.isupper(): - shape_char = 'X' + shape_char = "X" else: - shape_char = 'x' + shape_char = "x" elif char.isdigit(): - shape_char = 'd' + shape_char = "d" else: shape_char = char if shape_char == last: @@ -134,21 +171,60 @@ def word_shape(text): last = shape_char if seq < 4: shape.append(shape_char) - return ''.join(shape) + return "".join(shape) + + +def lower(string): + return string.lower() + + +def prefix(string): + return string[0] + + +def suffix(string): + return string[-3:] + + +def cluster(string): + return 0 + + +def is_alpha(string): + return string.isalpha() + + +def is_digit(string): + return string.isdigit() + + +def is_lower(string): + return string.islower() + + +def is_space(string): + return string.isspace() + + +def is_title(string): + return string.istitle() + + +def is_upper(string): + return string.isupper() + + +def is_stop(string, stops=set()): + return string.lower() in stops + + +def is_oov(string): + return True + + +def get_prob(string): + return -20.0 -def lower(string): return string.lower() -def prefix(string): return string[0] -def suffix(string): return string[-3:] -def cluster(string): return 0 -def is_alpha(string): return string.isalpha() -def is_digit(string): return string.isdigit() -def is_lower(string): return string.islower() -def is_space(string): return string.isspace() -def is_title(string): return string.istitle() -def is_upper(string): return string.isupper() -def is_stop(string, stops=set()): return string.lower() in stops -def is_oov(string): return True -def get_prob(string): return -20. LEX_ATTRS = { attrs.LOWER: lower, @@ -170,10 +246,10 @@ LEX_ATTRS = { attrs.IS_PUNCT: is_punct, attrs.IS_ASCII: is_ascii, attrs.SHAPE: word_shape, - attrs.IS_BRACKET:is_bracket, + attrs.IS_BRACKET: is_bracket, attrs.IS_QUOTE: is_quote, attrs.IS_LEFT_PUNCT: is_left_punct, attrs.IS_RIGHT_PUNCT: is_right_punct, attrs.IS_CURRENCY: is_currency, - attrs.LIKE_URL: like_url + attrs.LIKE_URL: like_url, } diff --git a/spacy/lang/nb/__init__.py b/spacy/lang/nb/__init__.py index 75a9947c1..fa0f31d33 100644 --- a/spacy/lang/nb/__init__.py +++ b/spacy/lang/nb/__init__.py @@ -8,7 +8,6 @@ from .lemmatizer import LEMMA_EXC, LEMMA_INDEX, LOOKUP, LEMMA_RULES from ..tokenizer_exceptions import BASE_EXCEPTIONS from ..norm_exceptions import BASE_NORMS from .tag_map import TAG_MAP -from .morph_rules import MORPH_RULES from ...language import Language from ...attrs import LANG, NORM from ...util import update_exc, add_lookups @@ -22,8 +21,10 @@ from .syntax_iterators import SYNTAX_ITERATORS class NorwegianDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'nb' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "nb" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS morph_rules = MORPH_RULES @@ -36,8 +37,8 @@ class NorwegianDefaults(Language.Defaults): class Norwegian(Language): - lang = 'nb' + lang = "nb" Defaults = NorwegianDefaults -__all__ = ['Norwegian'] +__all__ = ["Norwegian"] diff --git a/spacy/lang/nb/examples.py b/spacy/lang/nb/examples.py index 0dc5c8144..72d6b5a71 100644 --- a/spacy/lang/nb/examples.py +++ b/spacy/lang/nb/examples.py @@ -14,5 +14,5 @@ sentences = [ "Apple vurderer å kjøpe britisk oppstartfirma for en milliard dollar", "Selvkjørende biler flytter forsikringsansvaret over på produsentene ", "San Francisco vurderer å forby robotbud på fortauene", - "London er en stor by i Storbritannia." + "London er en stor by i Storbritannia.", ] diff --git a/spacy/lang/nb/lemmatizer/__init__.py b/spacy/lang/nb/lemmatizer/__init__.py index becfca8ee..dd5b10a22 100644 --- a/spacy/lang/nb/lemmatizer/__init__.py +++ b/spacy/lang/nb/lemmatizer/__init__.py @@ -1,6 +1,6 @@ # coding: utf8 -#structure copied from the English lemmatizer +# structure copied from the English lemmatizer from __future__ import unicode_literals from .lookup import LOOKUP @@ -14,10 +14,18 @@ from ._nouns import NOUNS from ._adjectives import ADJECTIVES from ._adverbs import ADVERBS -LEMMA_INDEX = {'adj': ADJECTIVES, 'adv': ADVERBS, 'noun': NOUNS, 'verb': VERBS} +LEMMA_INDEX = {"adj": ADJECTIVES, "adv": ADVERBS, "noun": NOUNS, "verb": VERBS} -LEMMA_EXC = {'adj': ADJECTIVES_WORDFORMS, 'adv': ADVERBS_WORDFORMS, 'noun': NOUNS_WORDFORMS, - 'verb': VERBS_WORDFORMS} +LEMMA_EXC = { + "adj": ADJECTIVES_WORDFORMS, + "adv": ADVERBS_WORDFORMS, + "noun": NOUNS_WORDFORMS, + "verb": VERBS_WORDFORMS, +} -LEMMA_RULES = {'adj': ADJECTIVE_RULES, 'noun': NOUN_RULES, 'verb': VERB_RULES, - 'punct': PUNCT_RULES} \ No newline at end of file +LEMMA_RULES = { + "adj": ADJECTIVE_RULES, + "noun": NOUN_RULES, + "verb": VERB_RULES, + "punct": PUNCT_RULES, +} diff --git a/spacy/lang/nb/lemmatizer/_adjectives.py b/spacy/lang/nb/lemmatizer/_adjectives.py index 3712aebe3..dc0da45d9 100644 --- a/spacy/lang/nb/lemmatizer/_adjectives.py +++ b/spacy/lang/nb/lemmatizer/_adjectives.py @@ -2,6 +2,7 @@ from __future__ import unicode_literals -ADJECTIVES = set(""" - - """.split()) \ No newline at end of file +ADJECTIVES = set( + """ + """.split() +) diff --git a/spacy/lang/nb/lemmatizer/_adverbs.py b/spacy/lang/nb/lemmatizer/_adverbs.py index 14526d3c6..ed963ca8f 100644 --- a/spacy/lang/nb/lemmatizer/_adverbs.py +++ b/spacy/lang/nb/lemmatizer/_adverbs.py @@ -2,6 +2,7 @@ from __future__ import unicode_literals -ADVERBS = set(""" - - """.split()) \ No newline at end of file +ADVERBS = set( + """ +""".split() +) diff --git a/spacy/lang/nb/lemmatizer/_lemma_rules.py b/spacy/lang/nb/lemmatizer/_lemma_rules.py index 10a029f33..32dde4735 100644 --- a/spacy/lang/nb/lemmatizer/_lemma_rules.py +++ b/spacy/lang/nb/lemmatizer/_lemma_rules.py @@ -3,28 +3,28 @@ from __future__ import unicode_literals ADJECTIVE_RULES = [ - ["e", ""], #pene -> pen - ["ere", ""], #penere -> pen - ["est", ""], #penest -> pen - ["este", ""] #peneste -> pen + ["e", ""], # pene -> pen + ["ere", ""], # penere -> pen + ["est", ""], # penest -> pen + ["este", ""], # peneste -> pen ] NOUN_RULES = [ - ["en", "e"], #hansken -> hanske - ["a", "e"], #veska -> veske - ["et", ""], #dyret -> dyr - ["er", "e"], #hasker -> hanske - ["ene", "e"] #veskene -> veske + ["en", "e"], # hansken -> hanske + ["a", "e"], # veska -> veske + ["et", ""], # dyret -> dyr + ["er", "e"], # hasker -> hanske + ["ene", "e"], # veskene -> veske ] VERB_RULES = [ - ["er", "e"], #vasker -> vaske - ["et", "e"], #vasket -> vaske - ["es", "e"], #vaskes -> vaske - ["te", "e"], #stekte -> steke - ["år", "å"] #får -> få + ["er", "e"], # vasker -> vaske + ["et", "e"], # vasket -> vaske + ["es", "e"], # vaskes -> vaske + ["te", "e"], # stekte -> steke + ["år", "å"], # får -> få ] diff --git a/spacy/lang/nb/lemmatizer/_nouns.py b/spacy/lang/nb/lemmatizer/_nouns.py index ea21f8e5f..aac5dced8 100644 --- a/spacy/lang/nb/lemmatizer/_nouns.py +++ b/spacy/lang/nb/lemmatizer/_nouns.py @@ -2,6 +2,7 @@ from __future__ import unicode_literals -NOUNS = set(""" - - """.split()) \ No newline at end of file +NOUNS = set( + """ +""".split() +) diff --git a/spacy/lang/nb/lemmatizer/_verbs.py b/spacy/lang/nb/lemmatizer/_verbs.py index 3fa8eea55..c65b841a9 100644 --- a/spacy/lang/nb/lemmatizer/_verbs.py +++ b/spacy/lang/nb/lemmatizer/_verbs.py @@ -2,6 +2,7 @@ from __future__ import unicode_literals -VERBS = set(""" - - """.split()) \ No newline at end of file +VERBS = set( + """ +""".split() +) diff --git a/spacy/lang/nb/morph_rules.py b/spacy/lang/nb/morph_rules.py index 1d4fed6d8..e20814535 100644 --- a/spacy/lang/nb/morph_rules.py +++ b/spacy/lang/nb/morph_rules.py @@ -3,328 +3,666 @@ from __future__ import unicode_literals from ...symbols import LEMMA, PRON_LEMMA -""" -This dict includes all the PRON and DET tag combinations found in the -dataset developed by Schibsted, Nasjonalbiblioteket and LTG (to be published -autumn 2018) and the rarely used polite form. -""" +# This dict includes all the PRON and DET tag combinations found in the +# dataset developed by Schibsted, Nasjonalbiblioteket and LTG (to be published +# autumn 2018) and the rarely used polite form. MORPH_RULES = { "PRON__Animacy=Anim|Case=Nom|Number=Sing|Person=1|PronType=Prs": { - "jeg": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Case": "Nom"} + "jeg": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Case": "Nom", + } }, "PRON__Animacy=Anim|Case=Nom|Number=Sing|Person=2|PronType=Prs": { - "du": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Case": "Nom"}, - #polite form, not sure about the tag - "De": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Case": "Nom", "Polite": "Form"} + "du": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Case": "Nom", + }, + # polite form, not sure about the tag + "De": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Case": "Nom", + "Polite": "Form", + }, }, "PRON__Animacy=Anim|Case=Nom|Gender=Fem|Number=Sing|Person=3|PronType=Prs": { - "hun": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Fem", "Case": "Nom"} + "hun": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Fem", + "Case": "Nom", + } }, "PRON__Animacy=Anim|Case=Nom|Gender=Masc|Number=Sing|Person=3|PronType=Prs": { - "han": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Masc", "Case": "Nom"} + "han": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Masc", + "Case": "Nom", + } }, "PRON__Gender=Neut|Number=Sing|Person=3|PronType=Prs": { - "det": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Neut"}, - "alt": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Neut"}, - "intet": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Neut"} - }, - "PRON__Gender=Fem,Masc|Number=Sing|Person=3|PronType=Prs": { - "den": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": ("Fem", "Masc")} + "det": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Neut", + }, + "alt": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Neut", + }, + "intet": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Neut", + }, + "noe": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Number": "Sing", + "Person": "Three", + "Gender": "Neut", + }, }, "PRON__Animacy=Anim|Case=Nom|Number=Plur|Person=1|PronType=Prs": { - "vi": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Case": "Nom"} + "vi": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Case": "Nom", + } }, "PRON__Animacy=Anim|Case=Nom|Number=Plur|Person=2|PronType=Prs": { - "dere": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Case": "Nom"} + "dere": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Case": "Nom", + } }, "PRON__Case=Nom|Number=Plur|Person=3|PronType=Prs": { - "de": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Nom"} + "de": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Case": "Nom", + } }, "PRON__Animacy=Anim|Case=Acc|Number=Sing|Person=1|PronType=Prs": { - "meg": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Case": "Acc"} + "meg": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Case": "Acc", + } }, "PRON__Animacy=Anim|Case=Acc|Number=Sing|Person=2|PronType=Prs": { - "deg": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Case": "Acc"}, - #polite form, not sure about the tag - "Dem": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Case": "Acc", "Polite": "Form"} + "deg": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Case": "Acc", + }, + # polite form, not sure about the tag + "Dem": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Case": "Acc", + "Polite": "Form", + }, }, "PRON__Animacy=Anim|Case=Acc|Gender=Fem|Number=Sing|Person=3|PronType=Prs": { - "henne": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Fem", "Case": "Acc"} + "henne": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Fem", + "Case": "Acc", + } }, "PRON__Animacy=Anim|Case=Acc|Gender=Masc|Number=Sing|Person=3|PronType=Prs": { - "ham": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Masc", "Case": "Acc"}, - "han": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Masc", "Case": "Acc"} + "ham": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Masc", + "Case": "Acc", + }, + "han": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Masc", + "Case": "Acc", + }, }, "PRON__Animacy=Anim|Case=Acc|Number=Plur|Person=1|PronType=Prs": { - "oss": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Case": "Acc"} + "oss": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Case": "Acc", + } }, "PRON__Animacy=Anim|Case=Acc|Number=Plur|Person=2|PronType=Prs": { - "dere": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Case": "Acc"} + "dere": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Case": "Acc", + } }, "PRON__Case=Acc|Number=Plur|Person=3|PronType=Prs": { - "dem": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Acc"} + "dem": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Case": "Acc", + } }, "PRON__Case=Acc|Reflex=Yes": { - "seg": {LEMMA: PRON_LEMMA, "Person": "Three", "Number": "Sing", "Reflex": "Yes"}, - "seg": {LEMMA: PRON_LEMMA, "Person": "Three", "Number": "Plur", "Reflex": "Yes"} + "seg": { + LEMMA: PRON_LEMMA, + "Person": "Three", + "Number": ("Sing", "Plur"), + "Reflex": "Yes", + } }, "PRON__Animacy=Anim|Case=Nom|Number=Sing|PronType=Prs": { - "man": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Number": "Sing", "Case": "Nom"} + "man": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Number": "Sing", "Case": "Nom"} }, "DET__Gender=Masc|Number=Sing|Poss=Yes": { - "min": {LEMMA: "min", "Person": "One", "Number": "Sing", "Poss": "Yes", "Gender": "Masc"}, - "din": {LEMMA: "din", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Gender": "Masc"}, - "hennes": {LEMMA: "hennes", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Masc"}, - "hans": {LEMMA: "hans", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Masc"}, - "sin": {LEMMA: "sin", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Masc", "Reflex":"Yes"}, - "vår": {LEMMA: "vår", "Person": "One", "Number": "Sing", "Poss": "Yes", "Gender": "Masc"}, - "deres": {LEMMA: "deres", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Gender":"Masc"}, - "deres": {LEMMA: "deres", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender":"Masc"}, - #polite form, not sure about the tag - "Deres": {LEMMA: "Deres", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender":"Masc", "Polite": "Form"} + "min": { + LEMMA: "min", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Masc", + }, + "din": { + LEMMA: "din", + "Person": "Two", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Masc", + }, + "hennes": { + LEMMA: "hennes", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Masc", + }, + "hans": { + LEMMA: "hans", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Masc", + }, + "sin": { + LEMMA: "sin", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Masc", + "Reflex": "Yes", + }, + "vår": { + LEMMA: "vår", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Masc", + }, + "deres": { + LEMMA: "deres", + "Person": ("Two", "Three"), + "Number": "Sing", + "Poss": "Yes", + "Gender": "Masc", + }, + # polite form, not sure about the tag + "Deres": { + LEMMA: "Deres", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Masc", + "Polite": "Form", + }, }, - "DET__Gender=Fem|Number=Sing|Poss=Yes": { - "mi": {LEMMA: "min", "Person": "One", "Number": "Sing", "Poss": "Yes", "Gender": "Fem"}, - "di": {LEMMA: "din", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Gender": "Fem"}, - "hennes": {LEMMA: "hennes", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Fem"}, - "hans": {LEMMA: "hans", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Fem"}, - "si": {LEMMA: "sin", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Fem", "Reflex":"Yes"}, - "vår": {LEMMA: "vår", "Person": "One", "Number": "Sing", "Poss": "Yes", "Gender": "Fem"}, - "deres": {LEMMA: "deres", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Gender": "Fem"}, - "deres": {LEMMA: "deres", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Fem"}, - #polite form, not sure about the tag - "Deres": {LEMMA: "Deres", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender":"Fem", "Polite": "Form"} + "DET__Gender=Fem|Number=Sing|Poss=Yes": { + "mi": { + LEMMA: "min", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Fem", + }, + "di": { + LEMMA: "din", + "Person": "Two", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Fem", + }, + "hennes": { + LEMMA: "hennes", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Fem", + }, + "hans": { + LEMMA: "hans", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Fem", + }, + "si": { + LEMMA: "sin", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Fem", + "Reflex": "Yes", + }, + "vår": { + LEMMA: "vår", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Fem", + }, + "deres": { + LEMMA: "deres", + "Person": ("Two", "Three"), + "Number": "Sing", + "Poss": "Yes", + "Gender": "Fem", + }, + # polite form, not sure about the tag + "Deres": { + LEMMA: "Deres", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Fem", + "Polite": "Form", + }, }, - "DET__Gender=Neut|Number=Sing|Poss=Yes": { - "mitt": {LEMMA: "min", "Person": "One", "Number": "Sing", "Poss": "Yes", "Gender": "Neut"}, - "ditt": {LEMMA: "din", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Gender": "Neut"}, - "hennes": {LEMMA: "hennes", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Neut"}, - "hans": {LEMMA: "hans", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Neut"}, - "sitt": {LEMMA: "sin", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Neut", "Reflex":"Yes"}, - "vårt": {LEMMA: "vår", "Person": "One", "Number": "Sing", "Poss": "Yes", "Gender": "Neut"}, - "deres": {LEMMA: "deres", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Gender": "Neut"}, - "deres": {LEMMA: "deres", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender": "Neut"}, - #polite form, not sure about the tag - "Deres": {LEMMA: "Deres", "Person": "Three", "Number": "Sing", "Poss": "Yes", "Gender":"Neut", "Polite": "Form"} + "DET__Gender=Neut|Number=Sing|Poss=Yes": { + "mitt": { + LEMMA: "min", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + }, + "ditt": { + LEMMA: "din", + "Person": "Two", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + }, + "hennes": { + LEMMA: "hennes", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + }, + "hans": { + LEMMA: "hans", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + }, + "sitt": { + LEMMA: "sin", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + "Reflex": "Yes", + }, + "vårt": { + LEMMA: "vår", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + }, + "deres": { + LEMMA: "deres", + "Person": ("Two", "Three"), + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + }, + # polite form, not sure about the tag + "Deres": { + LEMMA: "Deres", + "Person": "Three", + "Number": "Sing", + "Poss": "Yes", + "Gender": "Neut", + "Polite": "Form", + }, }, - "DET__Number=Plur|Poss=Yes": { - "mine": {LEMMA: "min", "Person": "One", "Number": "Plur", "Poss": "Yes"}, - "dine": {LEMMA: "din", "Person": "Two", "Number": "Plur", "Poss": "Yes"}, - "hennes": {LEMMA: "hennes", "Person": "Three", "Number": "Plur", "Poss": "Yes"}, - "hans": {LEMMA: "hans", "Person": "Three", "Number": "Plur", "Poss": "Yes"}, - "sine": {LEMMA: "sin", "Person": "Three", "Number": "Plur", "Poss": "Yes", "Reflex":"Yes"}, - "våre": {LEMMA: "vår", "Person": "One", "Number": "Plur", "Poss": "Yes"}, - "deres": {LEMMA: "deres", "Person": "Two", "Number": "Plur", "Poss": "Yes"}, - "deres": {LEMMA: "deres", "Person": "Three", "Number": "Plur", "Poss": "Yes"} + "DET__Number=Plur|Poss=Yes": { + "mine": {LEMMA: "min", "Person": "One", "Number": "Plur", "Poss": "Yes"}, + "dine": {LEMMA: "din", "Person": "Two", "Number": "Plur", "Poss": "Yes"}, + "hennes": {LEMMA: "hennes", "Person": "Three", "Number": "Plur", "Poss": "Yes"}, + "hans": {LEMMA: "hans", "Person": "Three", "Number": "Plur", "Poss": "Yes"}, + "sine": { + LEMMA: "sin", + "Person": "Three", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "våre": {LEMMA: "vår", "Person": "One", "Number": "Plur", "Poss": "Yes"}, + "deres": { + LEMMA: "deres", + "Person": ("Two", "Three"), + "Number": "Plur", + "Poss": "Yes", + }, }, "PRON__Animacy=Anim|Number=Plur|PronType=Rcp": { - "hverandre": {LEMMA: PRON_LEMMA, "PronType": "Rcp", "Number": "Plur"} + "hverandre": {LEMMA: PRON_LEMMA, "PronType": "Rcp", "Number": "Plur"} }, "DET__Number=Plur|Poss=Yes|PronType=Rcp": { - "hverandres": {LEMMA: "hverandres", "PronType": "Rcp", "Number": "Plur", "Poss": "Yes"} - }, - "PRON___": { - "som": {LEMMA: PRON_LEMMA}, - "ikkenoe": {LEMMA: PRON_LEMMA} - }, - "PRON__PronType=Int": { - "hva": {LEMMA: PRON_LEMMA, "PronType": "Int"} - }, - "PRON__Animacy=Anim|PronType=Int": { - "hvem": {LEMMA: PRON_LEMMA, "PronType": "Int"} + "hverandres": { + LEMMA: "hverandres", + "PronType": "Rcp", + "Number": "Plur", + "Poss": "Yes", + } }, + "PRON___": {"som": {LEMMA: PRON_LEMMA}, "ikkenoe": {LEMMA: PRON_LEMMA}}, + "PRON__PronType=Int": {"hva": {LEMMA: PRON_LEMMA, "PronType": "Int"}}, + "PRON__Animacy=Anim|PronType=Int": {"hvem": {LEMMA: PRON_LEMMA, "PronType": "Int"}}, "PRON__Animacy=Anim|Poss=Yes|PronType=Int": { - "hvis": {LEMMA:PRON_LEMMA, "PronType": "Int", "Poss": "Yes"} + "hvis": {LEMMA: PRON_LEMMA, "PronType": "Int", "Poss": "Yes"} }, "PRON__Number=Plur|Person=3|PronType=Prs": { - "noen": {LEMMA:PRON_LEMMA, "PronType": "Prs", "Number": "Plur", "Person": "Three"} + "noen": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Number": "Plur", + "Person": "Three", + }, + "ingen": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Number": "Plur", + "Person": "Three", + }, + "alle": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Number": "Plur", + "Person": "Three", + }, }, "PRON__Gender=Fem,Masc|Number=Sing|Person=3|PronType=Prs": { - "noen": {LEMMA:PRON_LEMMA, "PronType": "Prs", "Number": "Sing", "Person": "Three", "Gender": ("Fem", "Masc")}, - "den": {LEMMA:PRON_LEMMA, "PronType": "Prs", "Number": "Sing", "Person": "Three", "Gender": ("Fem", "Masc")} - }, - "PRON__Gender=Neut|Number=Sing|Person=3|PronType=Prs": { - "noe": {LEMMA:PRON_LEMMA, "PronType": "Prs", "Number": "Sing", "Person": "Three", "Gender": "Neut"}, - "det": {LEMMA:PRON_LEMMA, "PronType": "Prs", "Number": "Sing", "Person": "Three", "Gender": "Neut"} - }, - "PRON__Gender=Fem,Masc|Number=Sing|Person=3|PronType=Prs": { - "ingen": {LEMMA:PRON_LEMMA, "PronType": "Prs", "Number": "Sing", "Person": "Three", "Gender": ("Fem", "Masc"), "Polarity": "Neg"} - }, - "PRON__Number=Plur|Person=3|PronType=Prs": { - "ingen": {LEMMA:PRON_LEMMA, "PronType":"Prs", "Number": "Plur", "Person": "Three"} - }, - "PRON__Number=Sing": { - "ingenting": {LEMMA:PRON_LEMMA, "Number": "Sing"} - }, - "PRON__Number=Plur|Person=3|PronType=Prs": { - "alle": {LEMMA:PRON_LEMMA, "PronType": "Prs", "Number": "Plur", "Person": "Three"} + "noen": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Number": "Sing", + "Person": "Three", + "Gender": ("Fem", "Masc"), + }, + "den": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Number": "Sing", + "Person": "Three", + "Gender": ("Fem", "Masc"), + }, + "ingen": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Number": "Sing", + "Person": "Three", + "Gender": ("Fem", "Masc"), + "Polarity": "Neg", + }, }, + "PRON__Number=Sing": {"ingenting": {LEMMA: PRON_LEMMA, "Number": "Sing"}}, "PRON__Animacy=Anim|Number=Sing|PronType=Prs": { - "en": {LEMMA:PRON_LEMMA, "PronType": "Prs", "Number": "Sing"} + "en": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Number": "Sing"} }, "PRON__Animacy=Anim|Case=Gen,Nom|Number=Sing|PronType=Prs": { - "ens": {LEMMA:PRON_LEMMA, "PronType": "Prs", "Number": "Sing", "Case": ("Gen", "Nom")} + "ens": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Number": "Sing", + "Case": ("Gen", "Nom"), + } }, "PRON__Animacy=Anim|Case=Gen|Number=Sing|PronType=Prs": { - "ens": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Number": "Sing", "Case": "Gen"} + "ens": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Number": "Sing", "Case": "Gen"} }, "DET__Case=Gen|Gender=Masc|Number=Sing": { - "ens": {LEMMA: "en", "Number": "Sing", "Case": "Gen"} + "ens": {LEMMA: "en", "Number": "Sing", "Case": "Gen"} }, "DET__Gender=Masc|Number=Sing": { - "enhver": {LEMMA: "enhver", "Number": "Sing", "Gender": "Masc"}, - "all": {LEMMA: "all", "Number": "Sing", "Gender": "Masc"}, - "hver": {LEMMA: "hver", "Number": "Sing", "Gender": "Masc"} + "enhver": {LEMMA: "enhver", "Number": "Sing", "Gender": "Masc"}, + "all": {LEMMA: "all", "Number": "Sing", "Gender": "Masc"}, + "hver": {LEMMA: "hver", "Number": "Sing", "Gender": "Masc"}, + "noen": {LEMMA: "noen", "Gender": "Masc", "Number": "Sing"}, + "noe": {LEMMA: "noen", "Gender": "Masc", "Number": "Sing"}, + "en": {LEMMA: "en", "Number": "Sing", "Gender": "Neut"}, + "ingen": {LEMMA: "ingen", "Gender": "Masc", "Number": "Sing"}, }, "DET__Gender=Fem|Number=Sing": { - "enhver": {LEMMA: "enhver", "Number": "Sing", "Gender": "Fem"}, - "all": {LEMMA: "all", "Number": "Sing", "Gender": "Fem"}, - "hver": {LEMMA: "hver", "Number": "Sing", "Gender": "Fem"} + "enhver": {LEMMA: "enhver", "Number": "Sing", "Gender": "Fem"}, + "all": {LEMMA: "all", "Number": "Sing", "Gender": "Fem"}, + "hver": {LEMMA: "hver", "Number": "Sing", "Gender": "Fem"}, + "noen": {LEMMA: "noen", "Gender": "Fem", "Number": "Sing"}, + "noe": {LEMMA: "noen", "Gender": "Fem", "Number": "Sing"}, + "ei": {LEMMA: "en", "Number": "Sing", "Gender": "Fem"}, }, "DET__Gender=Neut|Number=Sing": { - "ethvert": {LEMMA: "enhver", "Number": "Sing", "Gender": "Neut"}, - "alt": {LEMMA: "all", "Number": "Sing", "Gender": "Neut"}, - "hvert": {LEMMA: "hver", "Number": "Sing", "Gender": "Neut"}, - }, - "DET__Gender=Masc|Number=Sing": { - "noen": {LEMMA: "noen", "Gender": "Masc", "Number": "Sing"}, - "noe": {LEMMA: "noen", "Gender": "Masc", "Number": "Sing"} - }, - "DET__Gender=Fem|Number=Sing": { - "noen": {LEMMA: "noen", "Gender": "Fem", "Number": "Sing"}, - "noe": {LEMMA: "noen", "Gender": "Fem", "Number": "Sing"} - }, - "DET__Gender=Neut|Number=Sing": { - "noe": {LEMMA: "noen", "Number": "Sing", "Gender": "Neut"} - }, - "DET__Number=Plur": { - "noen": {LEMMA: "noen", "Number": "Plur"} - }, - "DET__Gender=Neut|Number=Sing": { - "intet": {LEMMA: "ingen", "Gender": "Neut", "Number": "Sing"} - }, - "DET__Gender=Masc|Number=Sing": { - "en": {LEMMA: "en", "Number": "Sing", "Gender": "Neut"} - }, - "DET__Gender=Fem|Number=Sing": { - "ei": {LEMMA: "en", "Number": "Sing", "Gender": "Fem"} - }, - "DET__Gender=Neut|Number=Sing": { - "et": {LEMMA: "en", "Number": "Sing", "Gender": "Neut"} + "ethvert": {LEMMA: "enhver", "Number": "Sing", "Gender": "Neut"}, + "alt": {LEMMA: "all", "Number": "Sing", "Gender": "Neut"}, + "hvert": {LEMMA: "hver", "Number": "Sing", "Gender": "Neut"}, + "noe": {LEMMA: "noen", "Number": "Sing", "Gender": "Neut"}, + "intet": {LEMMA: "ingen", "Gender": "Neut", "Number": "Sing"}, + "et": {LEMMA: "en", "Number": "Sing", "Gender": "Neut"}, }, "DET__Gender=Neut|Number=Sing|PronType=Int": { - "hvilket": {LEMMA: "hvilken", "PronType": "Int", "Number": "Sing", "Gender": "Neut"} + "hvilket": { + LEMMA: "hvilken", + "PronType": "Int", + "Number": "Sing", + "Gender": "Neut", + } }, "DET__Gender=Fem|Number=Sing|PronType=Int": { - "hvilken": {LEMMA: "hvilken", "PronType": "Int", "Number": "Sing", "Gender": "Fem"} + "hvilken": { + LEMMA: "hvilken", + "PronType": "Int", + "Number": "Sing", + "Gender": "Fem", + } }, "DET__Gender=Masc|Number=Sing|PronType=Int": { - "hvilken": {LEMMA: "hvilken", "PronType": "Int", "Number": "Sing", "Gender": "Masc"} + "hvilken": { + LEMMA: "hvilken", + "PronType": "Int", + "Number": "Sing", + "Gender": "Masc", + } }, "DET__Number=Plur|PronType=Int": { - "hvilke": {LEMMA: "hvilken", "PronType": "Int", "Number": "Plur"} + "hvilke": {LEMMA: "hvilken", "PronType": "Int", "Number": "Plur"} }, "DET__Number=Plur": { - "alle": {LEMMA: "all", "Number": "Plur"} - }, - "PRON__Number=Plur|Person=3|PronType=Prs": { - "alle": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Number": "Plur", "Person": "Three"} + "alle": {LEMMA: "all", "Number": "Plur"}, + "noen": {LEMMA: "noen", "Number": "Plur"}, + "egne": {LEMMA: "egen", "Number": "Plur"}, + "ingen": {LEMMA: "ingen", "Number": "Plur"}, }, "DET__Gender=Masc|Number=Sing|PronType=Dem": { - "den": {LEMMA: "den", "PronType": "Dem", "Number": "Sing", "Gender": "Masc"}, - "slik": {LEMMA: "slik", "PronType": "Dem", "Number": "Sing", "Gender": "Masc"}, - "denne": {LEMMA: "denne", "PronType": "Dem", "Number": "Sing", "Gender": "Masc"} + "den": {LEMMA: "den", "PronType": "Dem", "Number": "Sing", "Gender": "Masc"}, + "slik": {LEMMA: "slik", "PronType": "Dem", "Number": "Sing", "Gender": "Masc"}, + "denne": { + LEMMA: "denne", + "PronType": "Dem", + "Number": "Sing", + "Gender": "Masc", + }, }, "DET__Gender=Fem|Number=Sing|PronType=Dem": { - "den": {LEMMA: "den", "PronType": "Dem", "Number": "Sing", "Gender": "Fem"}, - "slik": {LEMMA: "slik", "PronType": "Dem", "Number": "Sing", "Gender": "Fem"}, - "denne": {LEMMA: "denne", "PronType": "Dem", "Number": "Sing", "Gender": "Fem"} + "den": {LEMMA: "den", "PronType": "Dem", "Number": "Sing", "Gender": "Fem"}, + "slik": {LEMMA: "slik", "PronType": "Dem", "Number": "Sing", "Gender": "Fem"}, + "denne": {LEMMA: "denne", "PronType": "Dem", "Number": "Sing", "Gender": "Fem"}, }, "DET__Gender=Neut|Number=Sing|PronType=Dem": { - "det": {LEMMA: "det", "PronType": "Dem", "Number": "Sing", "Gender": "Neut"}, - "slikt": {LEMMA: "slik", "PronType": "Dem", "Number": "Sing", "Gender": "Neut"}, - "dette": {LEMMA: "dette", "PronType": "Dem", "Number": "Sing", "Gender": "Neut"} + "det": {LEMMA: "det", "PronType": "Dem", "Number": "Sing", "Gender": "Neut"}, + "slikt": {LEMMA: "slik", "PronType": "Dem", "Number": "Sing", "Gender": "Neut"}, + "dette": { + LEMMA: "dette", + "PronType": "Dem", + "Number": "Sing", + "Gender": "Neut", + }, }, "DET__Number=Plur|PronType=Dem": { - "disse": {LEMMA: "disse", "PronType": "Dem", "Number": "Plur"}, - "andre": {LEMMA: "annen", "PronType": "Dem", "Number": "Plur"}, - "de": {LEMMA: "de", "PronType": "Dem", "Number": "Plur"}, - "slike": {LEMMA: "slik", "PronType": "Dem", "Number": "Plur"} + "disse": {LEMMA: "disse", "PronType": "Dem", "Number": "Plur"}, + "andre": {LEMMA: "annen", "PronType": "Dem", "Number": "Plur"}, + "de": {LEMMA: "de", "PronType": "Dem", "Number": "Plur"}, + "slike": {LEMMA: "slik", "PronType": "Dem", "Number": "Plur"}, }, "DET__Definite=Ind|Gender=Masc|Number=Sing|PronType=Dem": { - "annen": {LEMMA: "annen", "PronType": "Dem", "Number": "Sing", "Gender": "Masc"} + "annen": {LEMMA: "annen", "PronType": "Dem", "Number": "Sing", "Gender": "Masc"} }, "DET__Definite=Ind|Gender=Fem|Number=Sing|PronType=Dem": { - "annen": {LEMMA: "annen", "PronType": "Dem", "Number": "Sing", "Gender": "Fem"} + "annen": {LEMMA: "annen", "PronType": "Dem", "Number": "Sing", "Gender": "Fem"} }, "DET__Definite=Ind|Gender=Neut|Number=Sing|PronType=Dem": { - "annet": {LEMMA: "annen", "PronType": "Dem", "Number": "Sing", "Gender": "Neut"} + "annet": {LEMMA: "annen", "PronType": "Dem", "Number": "Sing", "Gender": "Neut"} }, "DET__Case=Gen|Definite=Ind|Gender=Masc|Number=Sing|PronType=Dem": { - "annens": {LEMMA: "annnen", "PronType": "Dem", "Number": "Sing", "Gender": "Masc", "Case": "Gen"} + "annens": { + LEMMA: "annnen", + "PronType": "Dem", + "Number": "Sing", + "Gender": "Masc", + "Case": "Gen", + } }, "DET__Case=Gen|Number=Plur|PronType=Dem": { - "andres": {LEMMA: "annen", "PronType": "Dem", "Number": "Plur", "Case": "Gen"} + "andres": {LEMMA: "annen", "PronType": "Dem", "Number": "Plur", "Case": "Gen"} }, "DET__Case=Gen|Gender=Fem|Number=Sing|PronType=Dem": { - "dens": {LEMMA: "den", "PronType": "Dem", "Number": "Sing", "Gender": "Fem", "Case": "Gen"} + "dens": { + LEMMA: "den", + "PronType": "Dem", + "Number": "Sing", + "Gender": "Fem", + "Case": "Gen", + } }, "DET__Case=Gen|Gender=Masc|Number=Sing|PronType=Dem": { - "hvis": {LEMMA: "hvis", "PronType": "Dem", "Number": "Sing", "Gender": "Masc", "Case": "Gen"}, - "dens": {LEMMA: "den", "PronType": "Dem", "Number": "Sing", "Gender": "Masc", "Case": "Gen"} + "hvis": { + LEMMA: "hvis", + "PronType": "Dem", + "Number": "Sing", + "Gender": "Masc", + "Case": "Gen", + }, + "dens": { + LEMMA: "den", + "PronType": "Dem", + "Number": "Sing", + "Gender": "Masc", + "Case": "Gen", + }, }, "DET__Case=Gen|Gender=Neut|Number=Sing|PronType=Dem": { - "dets": {LEMMA: "det", "PronType": "Dem", "Number": "Sing", "Gender": "Neut", "Case": "Gen"} + "dets": { + LEMMA: "det", + "PronType": "Dem", + "Number": "Sing", + "Gender": "Neut", + "Case": "Gen", + } }, "DET__Case=Gen|Number=Plur": { - "alles": {LEMMA: "all", "Number": "Plur", "Case": "Gen"} + "alles": {LEMMA: "all", "Number": "Plur", "Case": "Gen"} }, "DET__Definite=Def|Number=Sing|PronType=Dem": { - "andre": {LEMMA: "annen", "Number": "Sing", "PronType": "Dem"} + "andre": {LEMMA: "annen", "Number": "Sing", "PronType": "Dem"} }, "DET__Definite=Def|PronType=Dem": { - "samme": {LEMMA: "samme", "PronType": "Dem"}, - "forrige": {LEMMA: "forrige", "PronType": "Dem"}, - "neste": {LEMMA: "neste", "PronType": "Dem"}, - }, - "DET__Definite=Def": { - "selve": {LEMMA: "selve"}, - "selveste": {LEMMA: "selveste"}, - }, - "DET___": { - "selv": {LEMMA: "selv"}, - "endel": {LEMMA: "endel"} + "samme": {LEMMA: "samme", "PronType": "Dem"}, + "forrige": {LEMMA: "forrige", "PronType": "Dem"}, + "neste": {LEMMA: "neste", "PronType": "Dem"}, }, + "DET__Definite=Def": {"selve": {LEMMA: "selve"}, "selveste": {LEMMA: "selveste"}}, + "DET___": {"selv": {LEMMA: "selv"}, "endel": {LEMMA: "endel"}}, "DET__Definite=Ind|Gender=Fem|Number=Sing": { - "egen": {LEMMA: "egen", "Gender": "Fem", "Number": "Sing"} + "egen": {LEMMA: "egen", "Gender": "Fem", "Number": "Sing"} }, "DET__Definite=Ind|Gender=Masc|Number=Sing": { - "egen": {LEMMA: "egen", "Gender": "Masc", "Number": "Sing"} + "egen": {LEMMA: "egen", "Gender": "Masc", "Number": "Sing"} }, "DET__Definite=Ind|Gender=Neut|Number=Sing": { - "eget": {LEMMA: "egen", "Gender": "Neut", "Number": "Sing"} + "eget": {LEMMA: "egen", "Gender": "Neut", "Number": "Sing"} }, - "DET__Number=Plur": { - "egne": {LEMMA: "egen", "Number": "Plur"} - }, - "DET__Gender=Masc|Number=Sing": { - "ingen": {LEMMA: "ingen", "Gender": "Masc", "Number": "Sing"} - }, - "DET__Number=Plur": { - "ingen": {LEMMA: "ingen", "Number": "Plur"} - }, - #same wordform and pos (verb), have to specify the exact features in order to not mix them up + # same wordform and pos (verb), have to specify the exact features in order to not mix them up "VERB__Mood=Ind|Tense=Pres|VerbForm=Fin": { - "så": {LEMMA: "så", "VerbForm": "Fin", "Tense": "Pres", "Mood": "Ind"} + "så": {LEMMA: "så", "VerbForm": "Fin", "Tense": "Pres", "Mood": "Ind"} }, "VERB__Mood=Ind|Tense=Past|VerbForm=Fin": { - "så": {LEMMA: "se", "VerbForm": "Fin", "Tense": "Past", "Mood": "Ind"} - } - + "så": {LEMMA: "se", "VerbForm": "Fin", "Tense": "Past", "Mood": "Ind"} + }, } -#copied from the English morph_rules.py +# copied from the English morph_rules.py for tag, rules in MORPH_RULES.items(): for key, attrs in dict(rules).items(): rules[key.title()] = attrs diff --git a/spacy/lang/nb/punctuation.py b/spacy/lang/nb/punctuation.py index 3cac2f9ac..d0d7b19d0 100644 --- a/spacy/lang/nb/punctuation.py +++ b/spacy/lang/nb/punctuation.py @@ -1,23 +1,31 @@ # coding: utf8 -"""Punctuation stolen from Danish""" from __future__ import unicode_literals from ..char_classes import LIST_ELLIPSES, LIST_ICONS from ..char_classes import QUOTES, ALPHA, ALPHA_LOWER, ALPHA_UPPER from ..punctuation import TOKENIZER_SUFFIXES +# Punctuation stolen from Danish +_quotes = QUOTES.replace("'", "") -_quotes = QUOTES.replace("'", '') +_infixes = ( + LIST_ELLIPSES + + LIST_ICONS + + [ + r"(?<=[{}])\.(?=[{}])".format(ALPHA_LOWER, ALPHA_UPPER), + r"(?<=[{a}])[,!?](?=[{a}])".format(a=ALPHA), + r'(?<=[{a}"])[:<>=](?=[{a}])'.format(a=ALPHA), + r"(?<=[{a}]),(?=[{a}])".format(a=ALPHA), + r"(?<=[{a}])([{q}\)\]\(\[])(?=[\{a}])".format(a=ALPHA, q=_quotes), + r"(?<=[{a}])--(?=[{a}])".format(a=ALPHA), + ] +) -_infixes = (LIST_ELLIPSES + LIST_ICONS + - [r'(?<=[{}])\.(?=[{}])'.format(ALPHA_LOWER, ALPHA_UPPER), - r'(?<=[{a}])[,!?](?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}"])[:<>=](?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}]),(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])([{q}\)\]\(\[])(?=[\{a}])'.format(a=ALPHA, q=_quotes), - r'(?<=[{a}])--(?=[{a}])'.format(a=ALPHA)]) - -_suffixes = [suffix for suffix in TOKENIZER_SUFFIXES if suffix not in ["'s", "'S", "’s", "’S", r"\'"]] +_suffixes = [ + suffix + for suffix in TOKENIZER_SUFFIXES + if suffix not in ["'s", "'S", "’s", "’S", r"\'"] +] _suffixes += [r"(?<=[^sSxXzZ])\'"] diff --git a/spacy/lang/nb/stop_words.py b/spacy/lang/nb/stop_words.py index 306f61fdf..caa2012e7 100644 --- a/spacy/lang/nb/stop_words.py +++ b/spacy/lang/nb/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ alle allerede alt and andre annen annet at av bak bare bedre beste blant ble bli blir blitt bris by både @@ -53,4 +54,5 @@ vant var ved veldig vi videre viktig vil ville viser vår være vært å år ønsker -""".split()) +""".split() +) diff --git a/spacy/lang/nb/syntax_iterators.py b/spacy/lang/nb/syntax_iterators.py index c9de4f084..4712d34d9 100644 --- a/spacy/lang/nb/syntax_iterators.py +++ b/spacy/lang/nb/syntax_iterators.py @@ -8,11 +8,20 @@ def noun_chunks(obj): """ Detect base noun phrases from a dependency parse. Works on both Doc and Span. """ - labels = ['nsubj', 'nsubj:pass', 'obj', 'iobj', 'ROOT', 'appos', 'nmod', 'nmod:poss'] + labels = [ + "nsubj", + "nsubj:pass", + "obj", + "iobj", + "ROOT", + "appos", + "nmod", + "nmod:poss", + ] doc = obj.doc # Ensure works on both Doc and Span. np_deps = [doc.vocab.strings[label] for label in labels] - conj = doc.vocab.strings.add('conj') - np_label = doc.vocab.strings.add('NP') + conj = doc.vocab.strings.add("conj") + np_label = doc.vocab.strings.add("NP") seen = set() for i, word in enumerate(obj): if word.pos not in (NOUN, PROPN, PRON): @@ -23,8 +32,8 @@ def noun_chunks(obj): if word.dep in np_deps: if any(w.i in seen for w in word.subtree): continue - seen.update(j for j in range(word.left_edge.i, word.right_edge.i+1)) - yield word.left_edge.i, word.right_edge.i+1, np_label + seen.update(j for j in range(word.left_edge.i, word.right_edge.i + 1)) + yield word.left_edge.i, word.right_edge.i + 1, np_label elif word.dep == conj: head = word.head while head.dep == conj and head.head.i < head.i: @@ -33,10 +42,8 @@ def noun_chunks(obj): if head.dep in np_deps: if any(w.i in seen for w in word.subtree): continue - seen.update(j for j in range(word.left_edge.i, word.right_edge.i+1)) - yield word.left_edge.i, word.right_edge.i+1, np_label + seen.update(j for j in range(word.left_edge.i, word.right_edge.i + 1)) + yield word.left_edge.i, word.right_edge.i + 1, np_label -SYNTAX_ITERATORS = { - 'noun_chunks': noun_chunks -} +SYNTAX_ITERATORS = {"noun_chunks": noun_chunks} diff --git a/spacy/lang/nb/tag_map.py b/spacy/lang/nb/tag_map.py index 311ed26b1..5400d4e84 100644 --- a/spacy/lang/nb/tag_map.py +++ b/spacy/lang/nb/tag_map.py @@ -1,188 +1,463 @@ # coding: utf8 - -""" -Tags are a combination of POS and morphological features from a yet -unpublished dataset developed by Schibsted, Nasjonalbiblioteket and LTG. The -data format is .conllu and follows the Universal Dependencies annotation. (There -are some annotation differences compared to this dataset: -https://github.com/UniversalDependencies/UD_Norwegian-Bokmaal -mainly in the way determiners and pronouns are tagged). -""" - from __future__ import unicode_literals -from ...symbols import POS, PUNCT, ADJ, CONJ, CCONJ, SCONJ, SYM, NUM, DET, ADV, ADP, X, VERB -from ...symbols import NOUN, PROPN, PART, INTJ, SPACE, PRON, AUX +from ...symbols import POS, PUNCT, ADJ, CONJ, SCONJ, SYM, NUM, DET, ADV, ADP, X +from ...symbols import VERB, NOUN, PROPN, PART, INTJ, PRON, AUX + +# Tags are a combination of POS and morphological features from a yet +# unpublished dataset developed by Schibsted, Nasjonalbiblioteket and LTG. The +# data format is .conllu and follows the Universal Dependencies annotation. +# (There are some annotation differences compared to this dataset: +# https://github.com/UniversalDependencies/UD_Norwegian-Bokmaal +# mainly in the way determiners and pronouns are tagged). TAG_MAP = { - 'ADJ__Case=Gen|Definite=Def|Degree=Pos|Number=Sing': {'morph': 'Case=Gen|Definite=Def|Degree=Pos|Number=Sing', POS: ADJ}, - 'ADJ__Case=Gen|Definite=Def|Number=Sing': {'morph': 'Case=Gen|Definite=Def|Number=Sing', POS: ADJ}, - 'ADJ__Case=Gen|Definite=Ind|Degree=Pos|Gender=Neut|Number=Sing': {'morph': 'Case=Gen|Definite=Ind|Degree=Pos|Gender=Neut|Number=Sing', POS: ADJ}, - 'ADJ__Case=Gen|Definite=Ind|Degree=Pos|Number=Sing': {'morph': 'Case=Gen|Definite=Ind|Degree=Pos|Number=Sing', POS: ADJ}, - 'ADJ__Case=Gen|Degree=Cmp': {'morph': 'Case=Gen|Degree=Cmp', POS: ADJ}, - 'ADJ__Case=Gen|Degree=Pos|Number=Plur': {'morph': 'Case=Gen|Degree=Pos|Number=Plur', POS: ADJ}, - 'ADJ__Definite=Def|Degree=Pos|Gender=Masc|Number=Sing': {'morph': 'Definite=Def|Degree=Pos|Gender=Masc|Number=Sing', POS: ADJ}, - 'ADJ__Definite=Def|Degree=Pos|Number=Sing': {'morph': 'Definite=Def|Degree=Pos|Number=Sing', POS: ADJ}, - 'ADJ__Definite=Def|Degree=Sup': {'morph': 'Definite=Def|Degree=Sup', POS: ADJ}, - 'ADJ__Definite=Def|Number=Sing': {'morph': 'Definite=Def|Number=Sing', POS: ADJ}, - 'ADJ__Definite=Ind|Degree=Pos': {'morph': 'Definite=Ind|Degree=Pos', POS: ADJ}, - 'ADJ__Definite=Ind|Degree=Pos|Gender=Masc|Number=Sing': {'morph': 'Definite=Ind|Degree=Pos|Gender=Masc|Number=Sing', POS: ADJ}, - 'ADJ__Definite=Ind|Degree=Pos|Gender=Neut|Number=Sing': {'morph': 'Definite=Ind|Degree=Pos|Gender=Neut|Number=Sing', POS: ADJ}, - 'ADJ__Definite=Ind|Degree=Pos|Number=Sing': {'morph': 'Definite=Ind|Degree=Pos|Number=Sing', POS: ADJ}, - 'ADJ__Definite=Ind|Degree=Sup': {'morph': 'Definite=Ind|Degree=Sup', POS: ADJ}, - 'ADJ__Definite=Ind|Gender=Masc|Number=Sing': {'morph': 'Definite=Ind|Gender=Masc|Number=Sing', POS: ADJ}, - 'ADJ__Definite=Ind|Gender=Neut|Number=Sing': {'morph': 'Definite=Ind|Gender=Neut|Number=Sing', POS: ADJ}, - 'ADJ__Definite=Ind|Number=Sing': {'morph': 'Definite=Ind|Number=Sing', POS: ADJ}, - 'ADJ__Degree=Cmp': {'morph': 'Degree=Cmp', POS: ADJ}, - 'ADJ__Degree=Pos': {'morph': 'Degree=Pos', POS: ADJ}, - 'ADJ__Degree=Pos|Number=Plur': {'morph': 'Degree=Pos|Number=Plur', POS: ADJ}, - 'ADJ__Degree=Sup': {'morph': 'Degree=Sup', POS: ADJ}, - 'ADJ__Number=Plur': {'morph': 'Number=Plur', POS: ADJ}, - 'ADJ__Number=Plur|VerbForm=Part': {'morph': 'Number=Plur|VerbForm=Part', POS: ADJ}, - 'ADJ__Number=Sing': {'morph': 'Number=Sing', POS: ADJ}, - 'ADJ___': {'morph': '_', POS: ADJ}, - 'ADP___': {'morph': '_', POS: ADP}, - 'ADV___': {'morph': '_', POS: ADV}, - 'AUX__Mood=Imp|VerbForm=Fin': {'morph': 'Mood=Imp|VerbForm=Fin', POS: AUX}, - 'AUX__Mood=Ind|Tense=Past|VerbForm=Fin': {'morph': 'Mood=Ind|Tense=Past|VerbForm=Fin', POS: AUX}, - 'AUX__Mood=Ind|Tense=Pres|VerbForm=Fin': {'morph': 'Mood=Ind|Tense=Pres|VerbForm=Fin', POS: AUX}, - 'AUX__Mood=Ind|Tense=Pres|VerbForm=Fin|Voice=Pass': {'morph': 'Mood=Ind|Tense=Pres|VerbForm=Fin|Voice=Pass', POS: AUX}, - 'AUX__VerbForm=Inf': {'morph': 'VerbForm=Inf', POS: AUX}, - 'AUX__VerbForm=Part': {'morph': 'VerbForm=Part', POS: AUX}, - 'CONJ___': {'morph': '_', POS: CONJ}, - 'DET__Case=Gen|Definite=Ind|Gender=Masc|Number=Sing|PronType=Dem': {'morph': 'Case=Gen|Definite=Ind|Gender=Masc|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Case=Gen|Gender=Fem|Number=Sing|PronType=Dem': {'morph': 'Case=Gen|Gender=Fem|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Case=Gen|Gender=Masc|Number=Sing': {'morph': 'Case=Gen|Gender=Masc|Number=Sing', POS: DET}, - 'DET__Case=Gen|Gender=Masc|Number=Sing|PronType=Dem': {'morph': 'Case=Gen|Gender=Masc|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Case=Gen|Gender=Neut|Number=Sing|PronType=Dem': {'morph': 'Case=Gen|Gender=Neut|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Case=Gen|Number=Plur': {'morph': 'Case=Gen|Number=Plur', POS: DET}, - 'DET__Case=Gen|Number=Plur|PronType=Dem': {'morph': 'Case=Gen|Number=Plur|PronType=Dem', POS: DET}, - 'DET__Definite=Def': {'morph': 'Definite=Def', POS: DET}, - 'DET__Definite=Def|Number=Sing|PronType=Dem': {'morph': 'Definite=Def|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Definite=Def|PronType=Dem': {'morph': 'Definite=Def|PronType=Dem', POS: DET}, - 'DET__Definite=Ind|Gender=Fem|Number=Sing': {'morph': 'Definite=Ind|Gender=Fem|Number=Sing', POS: DET}, - 'DET__Definite=Ind|Gender=Fem|Number=Sing|PronType=Dem': {'morph': 'Definite=Ind|Gender=Fem|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Definite=Ind|Gender=Masc|Number=Sing': {'morph': 'Definite=Ind|Gender=Masc|Number=Sing', POS: DET}, - 'DET__Definite=Ind|Gender=Masc|Number=Sing|PronType=Dem': {'morph': 'Definite=Ind|Gender=Masc|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Definite=Ind|Gender=Neut|Number=Sing': {'morph': 'Definite=Ind|Gender=Neut|Number=Sing', POS: DET}, - 'DET__Definite=Ind|Gender=Neut|Number=Sing|PronType=Dem': {'morph': 'Definite=Ind|Gender=Neut|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Degree=Pos|Number=Plur': {'morph': 'Degree=Pos|Number=Plur', POS: DET}, - 'DET__Gender=Fem|Number=Sing': {'morph': 'Gender=Fem|Number=Sing', POS: DET}, - 'DET__Gender=Fem|Number=Sing|Poss=Yes': {'morph': 'Gender=Fem|Number=Sing|Poss=Yes', POS: DET}, - 'DET__Gender=Fem|Number=Sing|PronType=Dem': {'morph': 'Gender=Fem|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Gender=Fem|Number=Sing|PronType=Int': {'morph': 'Gender=Fem|Number=Sing|PronType=Int', POS: DET}, - 'DET__Gender=Masc|Number=Sing': {'morph': 'Gender=Masc|Number=Sing', POS: DET}, - 'DET__Gender=Masc|Number=Sing|Poss=Yes': {'morph': 'Gender=Masc|Number=Sing|Poss=Yes', POS: DET}, - 'DET__Gender=Masc|Number=Sing|PronType=Dem': {'morph': 'Gender=Masc|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Gender=Masc|Number=Sing|PronType=Int': {'morph': 'Gender=Masc|Number=Sing|PronType=Int', POS: DET}, - 'DET__Gender=Neut|Number=Sing': {'morph': 'Gender=Neut|Number=Sing', POS: DET}, - 'DET__Gender=Neut|Number=Sing|Poss=Yes': {'morph': 'Gender=Neut|Number=Sing|Poss=Yes', POS: DET}, - 'DET__Gender=Neut|Number=Sing|PronType=Dem': {'morph': 'Gender=Neut|Number=Sing|PronType=Dem', POS: DET}, - 'DET__Gender=Neut|Number=Sing|PronType=Int': {'morph': 'Gender=Neut|Number=Sing|PronType=Int', POS: DET}, - 'DET__Number=Plur': {'morph': 'Number=Plur', POS: DET}, - 'DET__Number=Plur|Poss=Yes': {'morph': 'Number=Plur|Poss=Yes', POS: DET}, - 'DET__Number=Plur|Poss=Yes|PronType=Rcp': {'morph': 'Number=Plur|Poss=Yes|PronType=Rcp', POS: DET}, - 'DET__Number=Plur|PronType=Dem': {'morph': 'Number=Plur|PronType=Dem', POS: DET}, - 'DET__Number=Plur|PronType=Int': {'morph': 'Number=Plur|PronType=Int', POS: DET}, - 'DET___': {'morph': '_', POS: DET}, - 'INTJ___': {'morph': '_', POS: INTJ}, - 'NOUN__Case=Gen': {'morph': 'Case=Gen', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Def|Gender=Fem|Number=Plur': {'morph': 'Case=Gen|Definite=Def|Gender=Fem|Number=Plur', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Def|Gender=Fem|Number=Sing': {'morph': 'Case=Gen|Definite=Def|Gender=Fem|Number=Sing', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Def|Gender=Masc|Number=Plur': {'morph': 'Case=Gen|Definite=Def|Gender=Masc|Number=Plur', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Def|Gender=Masc|Number=Sing': {'morph': 'Case=Gen|Definite=Def|Gender=Masc|Number=Sing', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Def|Gender=Neut|Number=Plur': {'morph': 'Case=Gen|Definite=Def|Gender=Neut|Number=Plur', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Def|Gender=Neut|Number=Sing': {'morph': 'Case=Gen|Definite=Def|Gender=Neut|Number=Sing', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Ind|Gender=Fem|Number=Plur': {'morph': 'Case=Gen|Definite=Ind|Gender=Fem|Number=Plur', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Ind|Gender=Fem|Number=Sing': {'morph': 'Case=Gen|Definite=Ind|Gender=Fem|Number=Sing', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Ind|Gender=Masc|Number=Plur': {'morph': 'Case=Gen|Definite=Ind|Gender=Masc|Number=Plur', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Ind|Gender=Masc|Number=Sing': {'morph': 'Case=Gen|Definite=Ind|Gender=Masc|Number=Sing', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Ind|Gender=Neut|Number=Plur': {'morph': 'Case=Gen|Definite=Ind|Gender=Neut|Number=Plur', POS: NOUN}, - 'NOUN__Case=Gen|Definite=Ind|Gender=Neut|Number=Sing': {'morph': 'Case=Gen|Definite=Ind|Gender=Neut|Number=Sing', POS: NOUN}, - 'NOUN__Case=Gen|Gender=Fem': {'morph': 'Case=Gen|Gender=Fem', POS: NOUN}, - 'NOUN__Definite=Def,Ind|Gender=Masc|Number=Plur,Sing': {'morph': 'Definite=Def', POS: NOUN}, - 'NOUN__Definite=Def,Ind|Gender=Masc|Number=Sing': {'morph': 'Definite=Def', POS: NOUN}, - 'NOUN__Definite=Def,Ind|Gender=Neut|Number=Plur,Sing': {'morph': 'Definite=Def', POS: NOUN}, - 'NOUN__Definite=Def|Gender=Fem|Number=Plur': {'morph': 'Definite=Def|Gender=Fem|Number=Plur', POS: NOUN}, - 'NOUN__Definite=Def|Gender=Fem|Number=Sing': {'morph': 'Definite=Def|Gender=Fem|Number=Sing', POS: NOUN}, - 'NOUN__Definite=Def|Gender=Masc|Number=Plur': {'morph': 'Definite=Def|Gender=Masc|Number=Plur', POS: NOUN}, - 'NOUN__Definite=Def|Gender=Masc|Number=Sing': {'morph': 'Definite=Def|Gender=Masc|Number=Sing', POS: NOUN}, - 'NOUN__Definite=Def|Gender=Neut|Number=Plur': {'morph': 'Definite=Def|Gender=Neut|Number=Plur', POS: NOUN}, - 'NOUN__Definite=Def|Gender=Neut|Number=Sing': {'morph': 'Definite=Def|Gender=Neut|Number=Sing', POS: NOUN}, - 'NOUN__Definite=Def|Number=Plur': {'morph': 'Definite=Def|Number=Plur', POS: NOUN}, - 'NOUN__Definite=Ind|Gender=Fem|Number=Plur': {'morph': 'Definite=Ind|Gender=Fem|Number=Plur', POS: NOUN}, - 'NOUN__Definite=Ind|Gender=Fem|Number=Sing': {'morph': 'Definite=Ind|Gender=Fem|Number=Sing', POS: NOUN}, - 'NOUN__Definite=Ind|Gender=Masc': {'morph': 'Definite=Ind|Gender=Masc', POS: NOUN}, - 'NOUN__Definite=Ind|Gender=Masc|Number=Plur': {'morph': 'Definite=Ind|Gender=Masc|Number=Plur', POS: NOUN}, - 'NOUN__Definite=Ind|Gender=Masc|Number=Sing': {'morph': 'Definite=Ind|Gender=Masc|Number=Sing', POS: NOUN}, - 'NOUN__Definite=Ind|Gender=Neut|Number=Plur': {'morph': 'Definite=Ind|Gender=Neut|Number=Plur', POS: NOUN}, - 'NOUN__Definite=Ind|Gender=Neut|Number=Sing': {'morph': 'Definite=Ind|Gender=Neut|Number=Sing', POS: NOUN}, - 'NOUN__Definite=Ind|Number=Plur': {'morph': 'Definite=Ind|Number=Plur', POS: NOUN}, - 'NOUN__Gender=Fem': {'morph': 'Gender=Fem', POS: NOUN}, - 'NOUN__Gender=Masc': {'morph': 'Gender=Masc', POS: NOUN}, - 'NOUN__Gender=Masc|Number=Sing': {'morph': 'Gender=Masc|Number=Sing', POS: NOUN}, - 'NOUN__Gender=Neut': {'morph': 'Gender=Neut', POS: NOUN}, - 'NOUN__Number=Plur': {'morph': 'Number=Plur', POS: NOUN}, - 'NOUN___': {'morph': '_', POS: NOUN}, - 'NUM__Case=Gen|Number=Plur': {'morph': 'Case=Gen|Number=Plur', POS: NUM}, - 'NUM__Definite=Def': {'morph': 'Definite=Def', POS: NUM}, - 'NUM__Definite=Def|Number=Sing': {'morph': 'Definite=Def|Number=Sing', POS: NUM}, - 'NUM__Gender=Fem|Number=Sing': {'morph': 'Gender=Fem|Number=Sing', POS: NUM}, - 'NUM__Gender=Masc|Number=Sing': {'morph': 'Gender=Masc|Number=Sing', POS: NUM}, - 'NUM__Gender=Neut|Number=Sing': {'morph': 'Gender=Neut|Number=Sing', POS: NUM}, - 'NUM__Number=Plur': {'morph': 'Number=Plur', POS: NUM}, - 'NUM__Number=Sing': {'morph': 'Number=Sing', POS: NUM}, - 'NUM___': {'morph': '_', POS: NUM}, - 'PART___': {'morph': '_', POS: PART}, - 'PRON__Animacy=Anim|Case=Acc|Gender=Fem|Number=Sing|Person=3|PronType=Prs': {'morph': 'Animacy=Anim|Case=Acc|Gender=Fem|Number=Sing|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Acc|Gender=Masc|Number=Sing|Person=3|PronType=Prs': {'morph': 'Animacy=Anim|Case=Acc|Gender=Masc|Number=Sing|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Acc|Number=Plur|Person=1|PronType=Prs': {'morph': 'Animacy=Anim|Case=Acc|Number=Plur|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Acc|Number=Plur|Person=2|PronType=Prs': {'morph': 'Animacy=Anim|Case=Acc|Number=Plur|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Acc|Number=Sing|Person=1|PronType=Prs': {'morph': 'Animacy=Anim|Case=Acc|Number=Sing|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Acc|Number=Sing|Person=2|PronType=Prs': {'morph': 'Animacy=Anim|Case=Acc|Number=Sing|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Gen,Nom|Number=Sing|PronType=Prs': {'morph': 'Animacy=Anim|Case=Gen', POS: PRON}, - 'PRON__Animacy=Anim|Case=Gen|Number=Sing|PronType=Prs': {'morph': 'Animacy=Anim|Case=Gen|Number=Sing|PronType=Prs', POS: PRON}, - 'PRON__Animacy=Anim|Case=Nom|Gender=Fem|Number=Sing|Person=3|PronType=Prs': {'morph': 'Animacy=Anim|Case=Nom|Gender=Fem|Number=Sing|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Nom|Gender=Masc|Number=Sing|Person=3|PronType=Prs': {'morph': 'Animacy=Anim|Case=Nom|Gender=Masc|Number=Sing|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Nom|Number=Plur|Person=1|PronType=Prs': {'morph': 'Animacy=Anim|Case=Nom|Number=Plur|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Nom|Number=Plur|Person=2|PronType=Prs': {'morph': 'Animacy=Anim|Case=Nom|Number=Plur|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Nom|Number=Sing|Person=1|PronType=Prs': {'morph': 'Animacy=Anim|Case=Nom|Number=Sing|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Nom|Number=Sing|Person=2|PronType=Prs': {'morph': 'Animacy=Anim|Case=Nom|Number=Sing|Person=', POS: PRON}, - 'PRON__Animacy=Anim|Case=Nom|Number=Sing|PronType=Prs': {'morph': 'Animacy=Anim|Case=Nom|Number=Sing|PronType=Prs', POS: PRON}, - 'PRON__Animacy=Anim|Number=Plur|PronType=Rcp': {'morph': 'Animacy=Anim|Number=Plur|PronType=Rcp', POS: PRON}, - 'PRON__Animacy=Anim|Number=Sing|PronType=Prs': {'morph': 'Animacy=Anim|Number=Sing|PronType=Prs', POS: PRON}, - 'PRON__Animacy=Anim|Poss=Yes|PronType=Int': {'morph': 'Animacy=Anim|Poss=Yes|PronType=Int', POS: PRON}, - 'PRON__Animacy=Anim|PronType=Int': {'morph': 'Animacy=Anim|PronType=Int', POS: PRON}, - 'PRON__Case=Acc|Number=Plur|Person=3|PronType=Prs': {'morph': 'Case=Acc|Number=Plur|Person=', POS: PRON}, - 'PRON__Case=Acc|Reflex=Yes': {'morph': 'Case=Acc|Reflex=Yes', POS: PRON}, - 'PRON__Case=Nom|Number=Plur|Person=3|PronType=Prs': {'morph': 'Case=Nom|Number=Plur|Person=', POS: PRON}, - 'PRON__Gender=Fem,Masc|Number=Sing|Person=3|PronType=Prs': {'morph': 'Gender=Fem', POS: PRON}, - 'PRON__Gender=Neut|Number=Sing|Person=3|PronType=Prs': {'morph': 'Gender=Neut|Number=Sing|Person=', POS: PRON}, - 'PRON__Number=Plur|Person=3|PronType=Prs': {'morph': 'Number=Plur|Person=', POS: PRON}, - 'PRON__Number=Sing': {'morph': 'Number=Sing', POS: PRON}, - 'PRON__PronType=Int': {'morph': 'PronType=Int', POS: PRON}, - 'PRON___': {'morph': '_', POS: PRON}, - 'PROPN__Case=Gen': {'morph': 'Case=Gen', POS: PROPN}, - 'PROPN__Case=Gen|Gender=Fem': {'morph': 'Case=Gen|Gender=Fem', POS: PROPN}, - 'PROPN__Case=Gen|Gender=Masc': {'morph': 'Case=Gen|Gender=Masc', POS: PROPN}, - 'PROPN__Case=Gen|Gender=Neut': {'morph': 'Case=Gen|Gender=Neut', POS: PROPN}, - 'PROPN__Gender=Fem': {'morph': 'Gender=Fem', POS: PROPN}, - 'PROPN__Gender=Masc': {'morph': 'Gender=Masc', POS: PROPN}, - 'PROPN__Gender=Neut': {'morph': 'Gender=Neut', POS: PROPN}, - 'PROPN___': {'morph': '_', POS: PROPN}, - 'PUNCT___': {'morph': '_', POS: PUNCT}, - 'SCONJ___': {'morph': '_', POS: SCONJ}, - 'SYM___': {'morph': '_', POS: SYM}, - 'VERB__Definite=Ind|Number=Sing': {'morph': 'Definite=Ind|Number=Sing', POS: VERB}, - 'VERB__Mood=Imp|VerbForm=Fin': {'morph': 'Mood=Imp|VerbForm=Fin', POS: VERB}, - 'VERB__Mood=Ind|Tense=Past|VerbForm=Fin': {'morph': 'Mood=Ind|Tense=Past|VerbForm=Fin', POS: VERB}, - 'VERB__Mood=Ind|Tense=Past|VerbForm=Fin|Voice=Pass': {'morph': 'Mood=Ind|Tense=Past|VerbForm=Fin|Voice=Pass', POS: VERB}, - 'VERB__Mood=Ind|Tense=Pres|VerbForm=Fin': {'morph': 'Mood=Ind|Tense=Pres|VerbForm=Fin', POS: VERB}, - 'VERB__Mood=Ind|Tense=Pres|VerbForm=Fin|Voice=Pass': {'morph': 'Mood=Ind|Tense=Pres|VerbForm=Fin|Voice=Pass', POS: VERB}, - 'VERB__VerbForm=Inf': {'morph': 'VerbForm=Inf', POS: VERB}, - 'VERB__VerbForm=Inf|Voice=Pass': {'morph': 'VerbForm=Inf|Voice=Pass', POS: VERB}, - 'VERB__VerbForm=Part': {'morph': 'VerbForm=Part', POS: VERB}, - 'VERB___': {'morph': '_', POS: VERB}, - 'X___': {'morph': '_', POS: X} + "ADJ__Case=Gen|Definite=Def|Degree=Pos|Number=Sing": { + "morph": "Case=Gen|Definite=Def|Degree=Pos|Number=Sing", + POS: ADJ, + }, + "ADJ__Case=Gen|Definite=Def|Number=Sing": { + "morph": "Case=Gen|Definite=Def|Number=Sing", + POS: ADJ, + }, + "ADJ__Case=Gen|Definite=Ind|Degree=Pos|Gender=Neut|Number=Sing": { + "morph": "Case=Gen|Definite=Ind|Degree=Pos|Gender=Neut|Number=Sing", + POS: ADJ, + }, + "ADJ__Case=Gen|Definite=Ind|Degree=Pos|Number=Sing": { + "morph": "Case=Gen|Definite=Ind|Degree=Pos|Number=Sing", + POS: ADJ, + }, + "ADJ__Case=Gen|Degree=Cmp": {"morph": "Case=Gen|Degree=Cmp", POS: ADJ}, + "ADJ__Case=Gen|Degree=Pos|Number=Plur": { + "morph": "Case=Gen|Degree=Pos|Number=Plur", + POS: ADJ, + }, + "ADJ__Definite=Def|Degree=Pos|Gender=Masc|Number=Sing": { + "morph": "Definite=Def|Degree=Pos|Gender=Masc|Number=Sing", + POS: ADJ, + }, + "ADJ__Definite=Def|Degree=Pos|Number=Sing": { + "morph": "Definite=Def|Degree=Pos|Number=Sing", + POS: ADJ, + }, + "ADJ__Definite=Def|Degree=Sup": {"morph": "Definite=Def|Degree=Sup", POS: ADJ}, + "ADJ__Definite=Def|Number=Sing": {"morph": "Definite=Def|Number=Sing", POS: ADJ}, + "ADJ__Definite=Ind|Degree=Pos": {"morph": "Definite=Ind|Degree=Pos", POS: ADJ}, + "ADJ__Definite=Ind|Degree=Pos|Gender=Masc|Number=Sing": { + "morph": "Definite=Ind|Degree=Pos|Gender=Masc|Number=Sing", + POS: ADJ, + }, + "ADJ__Definite=Ind|Degree=Pos|Gender=Neut|Number=Sing": { + "morph": "Definite=Ind|Degree=Pos|Gender=Neut|Number=Sing", + POS: ADJ, + }, + "ADJ__Definite=Ind|Degree=Pos|Number=Sing": { + "morph": "Definite=Ind|Degree=Pos|Number=Sing", + POS: ADJ, + }, + "ADJ__Definite=Ind|Degree=Sup": {"morph": "Definite=Ind|Degree=Sup", POS: ADJ}, + "ADJ__Definite=Ind|Gender=Masc|Number=Sing": { + "morph": "Definite=Ind|Gender=Masc|Number=Sing", + POS: ADJ, + }, + "ADJ__Definite=Ind|Gender=Neut|Number=Sing": { + "morph": "Definite=Ind|Gender=Neut|Number=Sing", + POS: ADJ, + }, + "ADJ__Definite=Ind|Number=Sing": {"morph": "Definite=Ind|Number=Sing", POS: ADJ}, + "ADJ__Degree=Cmp": {"morph": "Degree=Cmp", POS: ADJ}, + "ADJ__Degree=Pos": {"morph": "Degree=Pos", POS: ADJ}, + "ADJ__Degree=Pos|Number=Plur": {"morph": "Degree=Pos|Number=Plur", POS: ADJ}, + "ADJ__Degree=Sup": {"morph": "Degree=Sup", POS: ADJ}, + "ADJ__Number=Plur": {"morph": "Number=Plur", POS: ADJ}, + "ADJ__Number=Plur|VerbForm=Part": {"morph": "Number=Plur|VerbForm=Part", POS: ADJ}, + "ADJ__Number=Sing": {"morph": "Number=Sing", POS: ADJ}, + "ADJ___": {"morph": "_", POS: ADJ}, + "ADP___": {"morph": "_", POS: ADP}, + "ADV___": {"morph": "_", POS: ADV}, + "AUX__Mood=Imp|VerbForm=Fin": {"morph": "Mood=Imp|VerbForm=Fin", POS: AUX}, + "AUX__Mood=Ind|Tense=Past|VerbForm=Fin": { + "morph": "Mood=Ind|Tense=Past|VerbForm=Fin", + POS: AUX, + }, + "AUX__Mood=Ind|Tense=Pres|VerbForm=Fin": { + "morph": "Mood=Ind|Tense=Pres|VerbForm=Fin", + POS: AUX, + }, + "AUX__Mood=Ind|Tense=Pres|VerbForm=Fin|Voice=Pass": { + "morph": "Mood=Ind|Tense=Pres|VerbForm=Fin|Voice=Pass", + POS: AUX, + }, + "AUX__VerbForm=Inf": {"morph": "VerbForm=Inf", POS: AUX}, + "AUX__VerbForm=Part": {"morph": "VerbForm=Part", POS: AUX}, + "CONJ___": {"morph": "_", POS: CONJ}, + "DET__Case=Gen|Definite=Ind|Gender=Masc|Number=Sing|PronType=Dem": { + "morph": "Case=Gen|Definite=Ind|Gender=Masc|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Case=Gen|Gender=Fem|Number=Sing|PronType=Dem": { + "morph": "Case=Gen|Gender=Fem|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Case=Gen|Gender=Masc|Number=Sing": { + "morph": "Case=Gen|Gender=Masc|Number=Sing", + POS: DET, + }, + "DET__Case=Gen|Gender=Masc|Number=Sing|PronType=Dem": { + "morph": "Case=Gen|Gender=Masc|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Case=Gen|Gender=Neut|Number=Sing|PronType=Dem": { + "morph": "Case=Gen|Gender=Neut|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Case=Gen|Number=Plur": {"morph": "Case=Gen|Number=Plur", POS: DET}, + "DET__Case=Gen|Number=Plur|PronType=Dem": { + "morph": "Case=Gen|Number=Plur|PronType=Dem", + POS: DET, + }, + "DET__Definite=Def": {"morph": "Definite=Def", POS: DET}, + "DET__Definite=Def|Number=Sing|PronType=Dem": { + "morph": "Definite=Def|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Definite=Def|PronType=Dem": {"morph": "Definite=Def|PronType=Dem", POS: DET}, + "DET__Definite=Ind|Gender=Fem|Number=Sing": { + "morph": "Definite=Ind|Gender=Fem|Number=Sing", + POS: DET, + }, + "DET__Definite=Ind|Gender=Fem|Number=Sing|PronType=Dem": { + "morph": "Definite=Ind|Gender=Fem|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Definite=Ind|Gender=Masc|Number=Sing": { + "morph": "Definite=Ind|Gender=Masc|Number=Sing", + POS: DET, + }, + "DET__Definite=Ind|Gender=Masc|Number=Sing|PronType=Dem": { + "morph": "Definite=Ind|Gender=Masc|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Definite=Ind|Gender=Neut|Number=Sing": { + "morph": "Definite=Ind|Gender=Neut|Number=Sing", + POS: DET, + }, + "DET__Definite=Ind|Gender=Neut|Number=Sing|PronType=Dem": { + "morph": "Definite=Ind|Gender=Neut|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Degree=Pos|Number=Plur": {"morph": "Degree=Pos|Number=Plur", POS: DET}, + "DET__Gender=Fem|Number=Sing": {"morph": "Gender=Fem|Number=Sing", POS: DET}, + "DET__Gender=Fem|Number=Sing|Poss=Yes": { + "morph": "Gender=Fem|Number=Sing|Poss=Yes", + POS: DET, + }, + "DET__Gender=Fem|Number=Sing|PronType=Dem": { + "morph": "Gender=Fem|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Gender=Fem|Number=Sing|PronType=Int": { + "morph": "Gender=Fem|Number=Sing|PronType=Int", + POS: DET, + }, + "DET__Gender=Masc|Number=Sing": {"morph": "Gender=Masc|Number=Sing", POS: DET}, + "DET__Gender=Masc|Number=Sing|Poss=Yes": { + "morph": "Gender=Masc|Number=Sing|Poss=Yes", + POS: DET, + }, + "DET__Gender=Masc|Number=Sing|PronType=Dem": { + "morph": "Gender=Masc|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Gender=Masc|Number=Sing|PronType=Int": { + "morph": "Gender=Masc|Number=Sing|PronType=Int", + POS: DET, + }, + "DET__Gender=Neut|Number=Sing": {"morph": "Gender=Neut|Number=Sing", POS: DET}, + "DET__Gender=Neut|Number=Sing|Poss=Yes": { + "morph": "Gender=Neut|Number=Sing|Poss=Yes", + POS: DET, + }, + "DET__Gender=Neut|Number=Sing|PronType=Dem": { + "morph": "Gender=Neut|Number=Sing|PronType=Dem", + POS: DET, + }, + "DET__Gender=Neut|Number=Sing|PronType=Int": { + "morph": "Gender=Neut|Number=Sing|PronType=Int", + POS: DET, + }, + "DET__Number=Plur": {"morph": "Number=Plur", POS: DET}, + "DET__Number=Plur|Poss=Yes": {"morph": "Number=Plur|Poss=Yes", POS: DET}, + "DET__Number=Plur|Poss=Yes|PronType=Rcp": { + "morph": "Number=Plur|Poss=Yes|PronType=Rcp", + POS: DET, + }, + "DET__Number=Plur|PronType=Dem": {"morph": "Number=Plur|PronType=Dem", POS: DET}, + "DET__Number=Plur|PronType=Int": {"morph": "Number=Plur|PronType=Int", POS: DET}, + "DET___": {"morph": "_", POS: DET}, + "INTJ___": {"morph": "_", POS: INTJ}, + "NOUN__Case=Gen": {"morph": "Case=Gen", POS: NOUN}, + "NOUN__Case=Gen|Definite=Def|Gender=Fem|Number=Plur": { + "morph": "Case=Gen|Definite=Def|Gender=Fem|Number=Plur", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Def|Gender=Fem|Number=Sing": { + "morph": "Case=Gen|Definite=Def|Gender=Fem|Number=Sing", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Def|Gender=Masc|Number=Plur": { + "morph": "Case=Gen|Definite=Def|Gender=Masc|Number=Plur", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Def|Gender=Masc|Number=Sing": { + "morph": "Case=Gen|Definite=Def|Gender=Masc|Number=Sing", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Def|Gender=Neut|Number=Plur": { + "morph": "Case=Gen|Definite=Def|Gender=Neut|Number=Plur", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Def|Gender=Neut|Number=Sing": { + "morph": "Case=Gen|Definite=Def|Gender=Neut|Number=Sing", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Ind|Gender=Fem|Number=Plur": { + "morph": "Case=Gen|Definite=Ind|Gender=Fem|Number=Plur", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Ind|Gender=Fem|Number=Sing": { + "morph": "Case=Gen|Definite=Ind|Gender=Fem|Number=Sing", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Ind|Gender=Masc|Number=Plur": { + "morph": "Case=Gen|Definite=Ind|Gender=Masc|Number=Plur", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Ind|Gender=Masc|Number=Sing": { + "morph": "Case=Gen|Definite=Ind|Gender=Masc|Number=Sing", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Ind|Gender=Neut|Number=Plur": { + "morph": "Case=Gen|Definite=Ind|Gender=Neut|Number=Plur", + POS: NOUN, + }, + "NOUN__Case=Gen|Definite=Ind|Gender=Neut|Number=Sing": { + "morph": "Case=Gen|Definite=Ind|Gender=Neut|Number=Sing", + POS: NOUN, + }, + "NOUN__Case=Gen|Gender=Fem": {"morph": "Case=Gen|Gender=Fem", POS: NOUN}, + "NOUN__Definite=Def,Ind|Gender=Masc|Number=Plur,Sing": { + "morph": "Definite=Def", + POS: NOUN, + }, + "NOUN__Definite=Def,Ind|Gender=Masc|Number=Sing": { + "morph": "Definite=Def", + POS: NOUN, + }, + "NOUN__Definite=Def,Ind|Gender=Neut|Number=Plur,Sing": { + "morph": "Definite=Def", + POS: NOUN, + }, + "NOUN__Definite=Def|Gender=Fem|Number=Plur": { + "morph": "Definite=Def|Gender=Fem|Number=Plur", + POS: NOUN, + }, + "NOUN__Definite=Def|Gender=Fem|Number=Sing": { + "morph": "Definite=Def|Gender=Fem|Number=Sing", + POS: NOUN, + }, + "NOUN__Definite=Def|Gender=Masc|Number=Plur": { + "morph": "Definite=Def|Gender=Masc|Number=Plur", + POS: NOUN, + }, + "NOUN__Definite=Def|Gender=Masc|Number=Sing": { + "morph": "Definite=Def|Gender=Masc|Number=Sing", + POS: NOUN, + }, + "NOUN__Definite=Def|Gender=Neut|Number=Plur": { + "morph": "Definite=Def|Gender=Neut|Number=Plur", + POS: NOUN, + }, + "NOUN__Definite=Def|Gender=Neut|Number=Sing": { + "morph": "Definite=Def|Gender=Neut|Number=Sing", + POS: NOUN, + }, + "NOUN__Definite=Def|Number=Plur": {"morph": "Definite=Def|Number=Plur", POS: NOUN}, + "NOUN__Definite=Ind|Gender=Fem|Number=Plur": { + "morph": "Definite=Ind|Gender=Fem|Number=Plur", + POS: NOUN, + }, + "NOUN__Definite=Ind|Gender=Fem|Number=Sing": { + "morph": "Definite=Ind|Gender=Fem|Number=Sing", + POS: NOUN, + }, + "NOUN__Definite=Ind|Gender=Masc": {"morph": "Definite=Ind|Gender=Masc", POS: NOUN}, + "NOUN__Definite=Ind|Gender=Masc|Number=Plur": { + "morph": "Definite=Ind|Gender=Masc|Number=Plur", + POS: NOUN, + }, + "NOUN__Definite=Ind|Gender=Masc|Number=Sing": { + "morph": "Definite=Ind|Gender=Masc|Number=Sing", + POS: NOUN, + }, + "NOUN__Definite=Ind|Gender=Neut|Number=Plur": { + "morph": "Definite=Ind|Gender=Neut|Number=Plur", + POS: NOUN, + }, + "NOUN__Definite=Ind|Gender=Neut|Number=Sing": { + "morph": "Definite=Ind|Gender=Neut|Number=Sing", + POS: NOUN, + }, + "NOUN__Definite=Ind|Number=Plur": {"morph": "Definite=Ind|Number=Plur", POS: NOUN}, + "NOUN__Gender=Fem": {"morph": "Gender=Fem", POS: NOUN}, + "NOUN__Gender=Masc": {"morph": "Gender=Masc", POS: NOUN}, + "NOUN__Gender=Masc|Number=Sing": {"morph": "Gender=Masc|Number=Sing", POS: NOUN}, + "NOUN__Gender=Neut": {"morph": "Gender=Neut", POS: NOUN}, + "NOUN__Number=Plur": {"morph": "Number=Plur", POS: NOUN}, + "NOUN___": {"morph": "_", POS: NOUN}, + "NUM__Case=Gen|Number=Plur": {"morph": "Case=Gen|Number=Plur", POS: NUM}, + "NUM__Definite=Def": {"morph": "Definite=Def", POS: NUM}, + "NUM__Definite=Def|Number=Sing": {"morph": "Definite=Def|Number=Sing", POS: NUM}, + "NUM__Gender=Fem|Number=Sing": {"morph": "Gender=Fem|Number=Sing", POS: NUM}, + "NUM__Gender=Masc|Number=Sing": {"morph": "Gender=Masc|Number=Sing", POS: NUM}, + "NUM__Gender=Neut|Number=Sing": {"morph": "Gender=Neut|Number=Sing", POS: NUM}, + "NUM__Number=Plur": {"morph": "Number=Plur", POS: NUM}, + "NUM__Number=Sing": {"morph": "Number=Sing", POS: NUM}, + "NUM___": {"morph": "_", POS: NUM}, + "PART___": {"morph": "_", POS: PART}, + "PRON__Animacy=Anim|Case=Acc|Gender=Fem|Number=Sing|Person=3|PronType=Prs": { + "morph": "Animacy=Anim|Case=Acc|Gender=Fem|Number=Sing|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Acc|Gender=Masc|Number=Sing|Person=3|PronType=Prs": { + "morph": "Animacy=Anim|Case=Acc|Gender=Masc|Number=Sing|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Acc|Number=Plur|Person=1|PronType=Prs": { + "morph": "Animacy=Anim|Case=Acc|Number=Plur|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Acc|Number=Plur|Person=2|PronType=Prs": { + "morph": "Animacy=Anim|Case=Acc|Number=Plur|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Acc|Number=Sing|Person=1|PronType=Prs": { + "morph": "Animacy=Anim|Case=Acc|Number=Sing|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Acc|Number=Sing|Person=2|PronType=Prs": { + "morph": "Animacy=Anim|Case=Acc|Number=Sing|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Gen,Nom|Number=Sing|PronType=Prs": { + "morph": "Animacy=Anim|Case=Gen", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Gen|Number=Sing|PronType=Prs": { + "morph": "Animacy=Anim|Case=Gen|Number=Sing|PronType=Prs", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Nom|Gender=Fem|Number=Sing|Person=3|PronType=Prs": { + "morph": "Animacy=Anim|Case=Nom|Gender=Fem|Number=Sing|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Nom|Gender=Masc|Number=Sing|Person=3|PronType=Prs": { + "morph": "Animacy=Anim|Case=Nom|Gender=Masc|Number=Sing|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Nom|Number=Plur|Person=1|PronType=Prs": { + "morph": "Animacy=Anim|Case=Nom|Number=Plur|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Nom|Number=Plur|Person=2|PronType=Prs": { + "morph": "Animacy=Anim|Case=Nom|Number=Plur|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Nom|Number=Sing|Person=1|PronType=Prs": { + "morph": "Animacy=Anim|Case=Nom|Number=Sing|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Nom|Number=Sing|Person=2|PronType=Prs": { + "morph": "Animacy=Anim|Case=Nom|Number=Sing|Person=", + POS: PRON, + }, + "PRON__Animacy=Anim|Case=Nom|Number=Sing|PronType=Prs": { + "morph": "Animacy=Anim|Case=Nom|Number=Sing|PronType=Prs", + POS: PRON, + }, + "PRON__Animacy=Anim|Number=Plur|PronType=Rcp": { + "morph": "Animacy=Anim|Number=Plur|PronType=Rcp", + POS: PRON, + }, + "PRON__Animacy=Anim|Number=Sing|PronType=Prs": { + "morph": "Animacy=Anim|Number=Sing|PronType=Prs", + POS: PRON, + }, + "PRON__Animacy=Anim|Poss=Yes|PronType=Int": { + "morph": "Animacy=Anim|Poss=Yes|PronType=Int", + POS: PRON, + }, + "PRON__Animacy=Anim|PronType=Int": { + "morph": "Animacy=Anim|PronType=Int", + POS: PRON, + }, + "PRON__Case=Acc|Number=Plur|Person=3|PronType=Prs": { + "morph": "Case=Acc|Number=Plur|Person=", + POS: PRON, + }, + "PRON__Case=Acc|Reflex=Yes": {"morph": "Case=Acc|Reflex=Yes", POS: PRON}, + "PRON__Case=Nom|Number=Plur|Person=3|PronType=Prs": { + "morph": "Case=Nom|Number=Plur|Person=", + POS: PRON, + }, + "PRON__Gender=Fem,Masc|Number=Sing|Person=3|PronType=Prs": { + "morph": "Gender=Fem", + POS: PRON, + }, + "PRON__Gender=Neut|Number=Sing|Person=3|PronType=Prs": { + "morph": "Gender=Neut|Number=Sing|Person=", + POS: PRON, + }, + "PRON__Number=Plur|Person=3|PronType=Prs": { + "morph": "Number=Plur|Person=", + POS: PRON, + }, + "PRON__Number=Sing": {"morph": "Number=Sing", POS: PRON}, + "PRON__PronType=Int": {"morph": "PronType=Int", POS: PRON}, + "PRON___": {"morph": "_", POS: PRON}, + "PROPN__Case=Gen": {"morph": "Case=Gen", POS: PROPN}, + "PROPN__Case=Gen|Gender=Fem": {"morph": "Case=Gen|Gender=Fem", POS: PROPN}, + "PROPN__Case=Gen|Gender=Masc": {"morph": "Case=Gen|Gender=Masc", POS: PROPN}, + "PROPN__Case=Gen|Gender=Neut": {"morph": "Case=Gen|Gender=Neut", POS: PROPN}, + "PROPN__Gender=Fem": {"morph": "Gender=Fem", POS: PROPN}, + "PROPN__Gender=Masc": {"morph": "Gender=Masc", POS: PROPN}, + "PROPN__Gender=Neut": {"morph": "Gender=Neut", POS: PROPN}, + "PROPN___": {"morph": "_", POS: PROPN}, + "PUNCT___": {"morph": "_", POS: PUNCT}, + "SCONJ___": {"morph": "_", POS: SCONJ}, + "SYM___": {"morph": "_", POS: SYM}, + "VERB__Definite=Ind|Number=Sing": {"morph": "Definite=Ind|Number=Sing", POS: VERB}, + "VERB__Mood=Imp|VerbForm=Fin": {"morph": "Mood=Imp|VerbForm=Fin", POS: VERB}, + "VERB__Mood=Ind|Tense=Past|VerbForm=Fin": { + "morph": "Mood=Ind|Tense=Past|VerbForm=Fin", + POS: VERB, + }, + "VERB__Mood=Ind|Tense=Past|VerbForm=Fin|Voice=Pass": { + "morph": "Mood=Ind|Tense=Past|VerbForm=Fin|Voice=Pass", + POS: VERB, + }, + "VERB__Mood=Ind|Tense=Pres|VerbForm=Fin": { + "morph": "Mood=Ind|Tense=Pres|VerbForm=Fin", + POS: VERB, + }, + "VERB__Mood=Ind|Tense=Pres|VerbForm=Fin|Voice=Pass": { + "morph": "Mood=Ind|Tense=Pres|VerbForm=Fin|Voice=Pass", + POS: VERB, + }, + "VERB__VerbForm=Inf": {"morph": "VerbForm=Inf", POS: VERB}, + "VERB__VerbForm=Inf|Voice=Pass": {"morph": "VerbForm=Inf|Voice=Pass", POS: VERB}, + "VERB__VerbForm=Part": {"morph": "VerbForm=Part", POS: VERB}, + "VERB___": {"morph": "_", POS: VERB}, + "X___": {"morph": "_", POS: X}, } - diff --git a/spacy/lang/nb/tokenizer_exceptions.py b/spacy/lang/nb/tokenizer_exceptions.py index 764866732..82cb70649 100644 --- a/spacy/lang/nb/tokenizer_exceptions.py +++ b/spacy/lang/nb/tokenizer_exceptions.py @@ -10,28 +10,164 @@ _exc = {} for exc_data in [ {ORTH: "jan.", LEMMA: "januar"}, {ORTH: "feb.", LEMMA: "februar"}, - {ORTH: "jul.", LEMMA: "juli"}]: + {ORTH: "jul.", LEMMA: "juli"}, +]: _exc[exc_data[ORTH]] = [exc_data] for orth in [ - "adm.dir.", "a.m.", "Aq.", "b.c.", "bl.a.", "bla.", "bm.", "bto.", "ca.", - "cand.mag.", "c.c.", "co.", "d.d.", "dept.", "d.m.", "dr.philos.", "dvs.", - "d.y.", "E. coli", "eg.", "ekskl.", "e.Kr.", "el.", "e.l.", "et.", "etg.", - "ev.", "evt.", "f.", "f.eks.", "fhv.", "fk.", "f.Kr.", "f.o.m.", "foreg.", - "fork.", "fv.", "fvt.", "g.", "gt.", "gl.", "gno.", "gnr.", "grl.", "hhv.", - "hoh.", "hr.", "h.r.adv.", "ifb.", "ifm.", "iht.", "inkl.", "istf.", "jf.", - "jr.", "jun.", "kfr.", "kgl.res.", "kl.", "komm.", "kst.", "lø.", "ma.", - "mag.art.", "m.a.o.", "md.", "mfl.", "mill.", "min.", "m.m.", "mnd.", - "moh.", "Mr.", "muh.", "mv.", "mva.", "ndf.", "no.", "nov.", "nr.", "nto.", - "nyno.", "n.å.", "o.a.", "off.", "ofl.", "okt.", "o.l.", "on.", "op.", - "osv.", "ovf.", "p.", "p.a.", "Pb.", "pga.", "ph.d.", "pkt.", "p.m.", "pr.", - "pst.", "p.t.", "red.anm.", "ref.", "res.", "res.kap.", "resp.", "rv.", - "s.", "s.d.", "sen.", "sep.", "siviling.", "sms.", "spm.", "sr.", "sst.", - "st.", "stip.", "stk.", "st.meld.", "st.prp.", "stud.", "s.u.", "sv.", - "sø.", "s.å.", "såk.", "temp.", "ti.", "tils.", "tilsv.", "tl;dr", "tlf.", - "to.", "t.o.m.", "ult.", "utg.", "v.", "vedk.", "vedr.", "vg.", "vgs.", - "vha.", "vit.ass.", "vn.", "vol.", "vs.", "vsa.", "årg.", "årh."]: + "adm.dir.", + "a.m.", + "Aq.", + "b.c.", + "bl.a.", + "bla.", + "bm.", + "bto.", + "ca.", + "cand.mag.", + "c.c.", + "co.", + "d.d.", + "dept.", + "d.m.", + "dr.philos.", + "dvs.", + "d.y.", + "E. coli", + "eg.", + "ekskl.", + "e.Kr.", + "el.", + "e.l.", + "et.", + "etg.", + "ev.", + "evt.", + "f.", + "f.eks.", + "fhv.", + "fk.", + "f.Kr.", + "f.o.m.", + "foreg.", + "fork.", + "fv.", + "fvt.", + "g.", + "gt.", + "gl.", + "gno.", + "gnr.", + "grl.", + "hhv.", + "hoh.", + "hr.", + "h.r.adv.", + "ifb.", + "ifm.", + "iht.", + "inkl.", + "istf.", + "jf.", + "jr.", + "jun.", + "kfr.", + "kgl.res.", + "kl.", + "komm.", + "kst.", + "lø.", + "ma.", + "mag.art.", + "m.a.o.", + "md.", + "mfl.", + "mill.", + "min.", + "m.m.", + "mnd.", + "moh.", + "Mr.", + "muh.", + "mv.", + "mva.", + "ndf.", + "no.", + "nov.", + "nr.", + "nto.", + "nyno.", + "n.å.", + "o.a.", + "off.", + "ofl.", + "okt.", + "o.l.", + "on.", + "op.", + "osv.", + "ovf.", + "p.", + "p.a.", + "Pb.", + "pga.", + "ph.d.", + "pkt.", + "p.m.", + "pr.", + "pst.", + "p.t.", + "red.anm.", + "ref.", + "res.", + "res.kap.", + "resp.", + "rv.", + "s.", + "s.d.", + "sen.", + "sep.", + "siviling.", + "sms.", + "spm.", + "sr.", + "sst.", + "st.", + "stip.", + "stk.", + "st.meld.", + "st.prp.", + "stud.", + "s.u.", + "sv.", + "sø.", + "s.å.", + "såk.", + "temp.", + "ti.", + "tils.", + "tilsv.", + "tl;dr", + "tlf.", + "to.", + "t.o.m.", + "ult.", + "utg.", + "v.", + "vedk.", + "vedr.", + "vg.", + "vgs.", + "vha.", + "vit.ass.", + "vn.", + "vol.", + "vs.", + "vsa.", + "årg.", + "årh.", +]: _exc[orth] = [{ORTH: orth}] diff --git a/spacy/lang/nl/__init__.py b/spacy/lang/nl/__init__.py index 653e7c616..e305d8900 100644 --- a/spacy/lang/nl/__init__.py +++ b/spacy/lang/nl/__init__.py @@ -15,16 +15,18 @@ from ...util import update_exc, add_lookups class DutchDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[LANG] = lambda text: 'nl' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "nl" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS) stop_words = STOP_WORDS tag_map = TAG_MAP class Dutch(Language): - lang = 'nl' + lang = "nl" Defaults = DutchDefaults -__all__ = ['Dutch'] +__all__ = ["Dutch"] diff --git a/spacy/lang/nl/examples.py b/spacy/lang/nl/examples.py index 903ce32d7..a459760f4 100644 --- a/spacy/lang/nl/examples.py +++ b/spacy/lang/nl/examples.py @@ -14,5 +14,5 @@ sentences = [ "Apple overweegt om voor 1 miljard een U.K. startup te kopen", "Autonome auto's verschuiven de verzekeringverantwoordelijkheid naar producenten", "San Francisco overweegt robots op voetpaden te verbieden", - "Londen is een grote stad in het Verenigd Koninkrijk" + "Londen is een grote stad in het Verenigd Koninkrijk", ] diff --git a/spacy/lang/nl/lex_attrs.py b/spacy/lang/nl/lex_attrs.py index a8a77d51c..417b75c0e 100644 --- a/spacy/lang/nl/lex_attrs.py +++ b/spacy/lang/nl/lex_attrs.py @@ -4,18 +4,22 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = set(""" +_num_words = set( + """ nul een één twee drie vier vijf zes zeven acht negen tien elf twaalf dertien veertien twintig dertig veertig vijftig zestig zeventig tachtig negentig honderd duizend miljoen miljard biljoen biljard triljoen triljard -""".split()) +""".split() +) -_ordinal_words = set(""" +_ordinal_words = set( + """ eerste tweede derde vierde vijfde zesde zevende achtste negende tiende elfde twaalfde dertiende veertiende twintigste dertigste veertigste vijftigste zestigste zeventigste tachtigste negentigste honderdste duizendste miljoenste miljardste biljoenste biljardste triljoenste triljardste -""".split()) +""".split() +) def like_num(text): @@ -23,13 +27,13 @@ def like_num(text): # or matches one of the number words. In order to handle numbers like # "drieëntwintig", more work is required. # See this discussion: https://github.com/explosion/spaCy/pull/1177 - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -39,6 +43,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/nl/stop_words.py b/spacy/lang/nl/stop_words.py index 22f1d714c..28a7ef442 100644 --- a/spacy/lang/nl/stop_words.py +++ b/spacy/lang/nl/stop_words.py @@ -4,7 +4,8 @@ from __future__ import unicode_literals # Stop words are retrieved from http://www.damienvanholten.com/downloads/dutch-stop-words.txt -STOP_WORDS = set(""" +STOP_WORDS = set( + """ aan af al alles als altijd andere ben bij @@ -40,4 +41,5 @@ van veel voor want waren was wat we wel werd wezen wie wij wil worden zal ze zei zelf zich zij zijn zo zonder zou -""".split()) +""".split() +) diff --git a/spacy/lang/nl/tag_map.py b/spacy/lang/nl/tag_map.py index 4293cabf2..cb182b71c 100644 --- a/spacy/lang/nl/tag_map.py +++ b/spacy/lang/nl/tag_map.py @@ -5,6 +5,7 @@ from ...symbols import POS, PUNCT, ADJ, NUM, DET, ADV, ADP, X, VERB from ...symbols import NOUN, PROPN, SPACE, PRON, CONJ +# fmt: off TAG_MAP = { "ADJ__Number=Sing": {POS: ADJ}, "ADJ___": {POS: ADJ}, @@ -810,3 +811,4 @@ TAG_MAP = { "X___": {POS: X}, "_SP": {POS: SPACE} } +# fmt: on diff --git a/spacy/lang/norm_exceptions.py b/spacy/lang/norm_exceptions.py index 7857a16bf..9ad4f334b 100644 --- a/spacy/lang/norm_exceptions.py +++ b/spacy/lang/norm_exceptions.py @@ -52,5 +52,5 @@ BASE_NORMS = { "฿": "$", "US$": "$", "C$": "$", - "A$": "$" + "A$": "$", } diff --git a/spacy/lang/pl/__init__.py b/spacy/lang/pl/__init__.py index c678d25e5..d77a9cb51 100644 --- a/spacy/lang/pl/__init__.py +++ b/spacy/lang/pl/__init__.py @@ -14,16 +14,18 @@ from ...util import update_exc, add_lookups class PolishDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'pl' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "pl" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS tag_map = TAG_MAP class Polish(Language): - lang = 'pl' + lang = "pl" Defaults = PolishDefaults -__all__ = ['Polish'] +__all__ = ["Polish"] diff --git a/spacy/lang/pl/examples.py b/spacy/lang/pl/examples.py index af6c72af0..14b6c7030 100644 --- a/spacy/lang/pl/examples.py +++ b/spacy/lang/pl/examples.py @@ -16,5 +16,5 @@ sentences = [ "Powitał mnie biało-czarny kot, płosząc siedzące na płocie trzy dorodne dudki.", "Nowy abonament pod lupą Komisji Europejskiej", "Czy w ciągu ostatnich 48 godzin spożyłeś leki zawierające paracetamol?", - "Kto ma ochotę zapoznać się z innymi niż w książkach przygodami Muminków i ich przyjaciół, temu polecam komiks Tove Jansson „Muminki i morze”." + "Kto ma ochotę zapoznać się z innymi niż w książkach przygodami Muminków i ich przyjaciół, temu polecam komiks Tove Jansson „Muminki i morze”.", ] diff --git a/spacy/lang/pl/lex_attrs.py b/spacy/lang/pl/lex_attrs.py index e85c2ffab..886f95a11 100644 --- a/spacy/lang/pl/lex_attrs.py +++ b/spacy/lang/pl/lex_attrs.py @@ -4,22 +4,50 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = ['zero', 'jeden', 'dwa', 'trzy', 'cztery', 'pięć', 'sześć', - 'siedem', 'osiem', 'dziewięć', 'dziesięć', 'jedenaście', - 'dwanaście', 'trzynaście', 'czternaście', - 'pietnaście', 'szesnaście', 'siedemnaście', 'osiemnaście', - 'dziewiętnaście', 'dwadzieścia', 'trzydzieści', 'czterdzieści', - 'pięćdziesiąt', 'szcześćdziesiąt', 'siedemdziesiąt', - 'osiemdziesiąt', 'dziewięćdziesiąt', 'sto', 'tysiąc', 'milion', - 'miliard', 'bilion', 'trylion'] +_num_words = [ + "zero", + "jeden", + "dwa", + "trzy", + "cztery", + "pięć", + "sześć", + "siedem", + "osiem", + "dziewięć", + "dziesięć", + "jedenaście", + "dwanaście", + "trzynaście", + "czternaście", + "pietnaście", + "szesnaście", + "siedemnaście", + "osiemnaście", + "dziewiętnaście", + "dwadzieścia", + "trzydzieści", + "czterdzieści", + "pięćdziesiąt", + "szcześćdziesiąt", + "siedemdziesiąt", + "osiemdziesiąt", + "dziewięćdziesiąt", + "sto", + "tysiąc", + "milion", + "miliard", + "bilion", + "trylion", +] def like_num(text): - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -27,6 +55,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/pl/stop_words.py b/spacy/lang/pl/stop_words.py index bdf2189b6..9de6aea73 100644 --- a/spacy/lang/pl/stop_words.py +++ b/spacy/lang/pl/stop_words.py @@ -4,7 +4,8 @@ from __future__ import unicode_literals # Source: http://www.ranks.nl/stopwords/polish -STOP_WORDS = set(""" +STOP_WORDS = set( + """ ach aj albo bardzo bez bo być @@ -43,4 +44,5 @@ tak taki tam ten to tobą tobie tu tutaj twoi twój twoja twoje ty wam wami was wasi wasz wasza wasze we więc wszystko wtedy wy żaden zawsze że -""".split()) +""".split() +) diff --git a/spacy/lang/pl/tag_map.py b/spacy/lang/pl/tag_map.py index 80b818f47..5356c26cb 100644 --- a/spacy/lang/pl/tag_map.py +++ b/spacy/lang/pl/tag_map.py @@ -1,7 +1,27 @@ # coding: utf8 from __future__ import unicode_literals -from ...symbols import POS, ADJ, ADP, ADV, AUX, CCONJ, DET, INTJ, NOUN, NUM, PART, PRON, PROPN, PUNCT, SCONJ, VERB, X +from ...symbols import ( + POS, + ADJ, + ADP, + ADV, + AUX, + CCONJ, + DET, + INTJ, + NOUN, + NUM, + PART, + PRON, + PROPN, + PUNCT, + SCONJ, + VERB, + X, +) + +# fmt: off TAG_MAP = { "adja": {POS: ADJ}, "adjc": {POS: ADJ}, @@ -1626,3 +1646,4 @@ TAG_MAP = { "X___": {POS: X}, "X__Abbr=Yes": {POS: X, "morph": "Abbr=Yes"} } +# fmt: on diff --git a/spacy/lang/pl/tokenizer_exceptions.py b/spacy/lang/pl/tokenizer_exceptions.py index 269634671..f06ce49e9 100644 --- a/spacy/lang/pl/tokenizer_exceptions.py +++ b/spacy/lang/pl/tokenizer_exceptions.py @@ -12,11 +12,11 @@ for exc_data in [ {ORTH: "mgr.", LEMMA: "magister", POS: NOUN}, {ORTH: "tzn.", LEMMA: "to znaczy", POS: ADV}, {ORTH: "tj.", LEMMA: "to jest", POS: ADV}, - {ORTH: "tzw.", LEMMA: "tak zwany", POS: ADJ}]: + {ORTH: "tzw.", LEMMA: "tak zwany", POS: ADJ}, +]: _exc[exc_data[ORTH]] = [exc_data] -for orth in [ - "w.", "r."]: +for orth in ["w.", "r."]: _exc[orth] = [{ORTH: orth}] diff --git a/spacy/lang/pt/__init__.py b/spacy/lang/pt/__init__.py index 8fa0601ee..a9cf3cb4c 100644 --- a/spacy/lang/pt/__init__.py +++ b/spacy/lang/pt/__init__.py @@ -18,8 +18,10 @@ from ...util import update_exc, add_lookups class PortugueseDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'pt' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS, NORM_EXCEPTIONS) + lex_attr_getters[LANG] = lambda text: "pt" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS, NORM_EXCEPTIONS + ) lex_attr_getters.update(LEX_ATTRS) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS @@ -28,9 +30,10 @@ class PortugueseDefaults(Language.Defaults): infixes = TOKENIZER_INFIXES prefixes = TOKENIZER_PREFIXES + class Portuguese(Language): - lang = 'pt' + lang = "pt" Defaults = PortugueseDefaults -__all__ = ['Portuguese'] +__all__ = ["Portuguese"] diff --git a/spacy/lang/pt/examples.py b/spacy/lang/pt/examples.py index 239929215..b7206ffd7 100644 --- a/spacy/lang/pt/examples.py +++ b/spacy/lang/pt/examples.py @@ -14,5 +14,5 @@ sentences = [ "Apple está querendo comprar uma startup do Reino Unido por 100 milhões de dólares", "Carros autônomos empurram a responsabilidade do seguro para os fabricantes." "São Francisco considera banir os robôs de entrega que andam pelas calçadas", - "Londres é a maior cidade do Reino Unido" + "Londres é a maior cidade do Reino Unido", ] diff --git a/spacy/lang/pt/lex_attrs.py b/spacy/lang/pt/lex_attrs.py index a5c4f3437..4ad0eeecb 100644 --- a/spacy/lang/pt/lex_attrs.py +++ b/spacy/lang/pt/lex_attrs.py @@ -4,32 +4,112 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = ['zero', 'um', 'dois', 'três', 'tres', 'quatro', 'cinco', 'seis', 'sete', 'oito', 'nove', 'dez', - 'onze', 'doze', 'dúzia', 'dúzias', 'duzia', 'duzias', 'treze', 'catorze', 'quinze', 'dezasseis', - 'dezassete', 'dezoito', 'dezanove', 'vinte', 'trinta', 'quarenta', 'cinquenta', 'sessenta', - 'setenta', 'oitenta', 'noventa', 'cem', 'cento', 'duzentos', 'trezentos', 'quatrocentos', - 'quinhentos', 'seicentos', 'setecentos', 'oitocentos', 'novecentos', 'mil', 'milhão', 'milhao', - 'milhões', 'milhoes', 'bilhão', 'bilhao', 'bilhões', 'bilhoes', 'trilhão', 'trilhao', 'trilhões', - 'trilhoes', 'quadrilhão', 'quadrilhao', 'quadrilhões', 'quadrilhoes'] +_num_words = [ + "zero", + "um", + "dois", + "três", + "tres", + "quatro", + "cinco", + "seis", + "sete", + "oito", + "nove", + "dez", + "onze", + "doze", + "dúzia", + "dúzias", + "duzia", + "duzias", + "treze", + "catorze", + "quinze", + "dezasseis", + "dezassete", + "dezoito", + "dezanove", + "vinte", + "trinta", + "quarenta", + "cinquenta", + "sessenta", + "setenta", + "oitenta", + "noventa", + "cem", + "cento", + "duzentos", + "trezentos", + "quatrocentos", + "quinhentos", + "seicentos", + "setecentos", + "oitocentos", + "novecentos", + "mil", + "milhão", + "milhao", + "milhões", + "milhoes", + "bilhão", + "bilhao", + "bilhões", + "bilhoes", + "trilhão", + "trilhao", + "trilhões", + "trilhoes", + "quadrilhão", + "quadrilhao", + "quadrilhões", + "quadrilhoes", +] -_ordinal_words = ['primeiro', 'segundo', 'terceiro', 'quarto', 'quinto', 'sexto', - 'sétimo', 'oitavo', 'nono', 'décimo', 'vigésimo', 'trigésimo', - 'quadragésimo', 'quinquagésimo', 'sexagésimo', 'septuagésimo', - 'octogésimo', 'nonagésimo', 'centésimo', 'ducentésimo', - 'trecentésimo', 'quadringentésimo', 'quingentésimo', 'sexcentésimo', - 'septingentésimo', 'octingentésimo', 'nongentésimo', 'milésimo', - 'milionésimo', 'bilionésimo'] +_ordinal_words = [ + "primeiro", + "segundo", + "terceiro", + "quarto", + "quinto", + "sexto", + "sétimo", + "oitavo", + "nono", + "décimo", + "vigésimo", + "trigésimo", + "quadragésimo", + "quinquagésimo", + "sexagésimo", + "septuagésimo", + "octogésimo", + "nonagésimo", + "centésimo", + "ducentésimo", + "trecentésimo", + "quadringentésimo", + "quingentésimo", + "sexcentésimo", + "septingentésimo", + "octingentésimo", + "nongentésimo", + "milésimo", + "milionésimo", + "bilionésimo", +] def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '').replace('º','').replace('ª','') + text = text.replace(",", "").replace(".", "").replace("º", "").replace("ª", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -39,6 +119,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/pt/norm_exceptions.py b/spacy/lang/pt/norm_exceptions.py index 1f09221eb..ea650cb31 100644 --- a/spacy/lang/pt/norm_exceptions.py +++ b/spacy/lang/pt/norm_exceptions.py @@ -14,10 +14,10 @@ from __future__ import unicode_literals NORM_EXCEPTIONS = { - "R$": "$", # Real - "r$": "$", # Real - "Cz$": "$", # Cruzado - "cz$": "$", # Cruzado + "R$": "$", # Real + "r$": "$", # Real + "Cz$": "$", # Cruzado + "cz$": "$", # Cruzado "NCz$": "$", # Cruzado Novo - "ncz$": "$" # Cruzado Novo + "ncz$": "$", # Cruzado Novo } diff --git a/spacy/lang/pt/punctuation.py b/spacy/lang/pt/punctuation.py index 957af8e9c..370e6aaad 100644 --- a/spacy/lang/pt/punctuation.py +++ b/spacy/lang/pt/punctuation.py @@ -5,13 +5,11 @@ from ..punctuation import TOKENIZER_PREFIXES as BASE_TOKENIZER_PREFIXES from ..punctuation import TOKENIZER_SUFFIXES as BASE_TOKENIZER_SUFFIXES from ..punctuation import TOKENIZER_INFIXES as BASE_TOKENIZER_INFIXES -_prefixes = ([r'\w{1,3}\$'] + BASE_TOKENIZER_PREFIXES) +_prefixes = [r"\w{1,3}\$"] + BASE_TOKENIZER_PREFIXES -_suffixes = (BASE_TOKENIZER_SUFFIXES) +_suffixes = BASE_TOKENIZER_SUFFIXES -_infixes = ([r'(\w+-\w+(-\w+)*)'] + - BASE_TOKENIZER_INFIXES - ) +_infixes = [r"(\w+-\w+(-\w+)*)"] + BASE_TOKENIZER_INFIXES TOKENIZER_PREFIXES = _prefixes TOKENIZER_SUFFIXES = _suffixes diff --git a/spacy/lang/pt/stop_words.py b/spacy/lang/pt/stop_words.py index ebd450eb5..774b06809 100644 --- a/spacy/lang/pt/stop_words.py +++ b/spacy/lang/pt/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ à às área acerca ademais adeus agora ainda algo algumas alguns ali além ambas ambos antes ao aos apenas apoia apoio apontar após aquela aquelas aquele aqueles aqui aquilo as assim através atrás até aí @@ -28,7 +29,7 @@ geral grande grandes grupo inclusive iniciar inicio ir irá isso isto -já +já lado lhe ligado local logo longe lugar lá @@ -65,4 +66,5 @@ vai vais valor veja vem vens ver vez vezes vinda vindo vinte você vocês vos vo vossas vosso vossos vários vão vêm vós zero -""".split()) +""".split() +) diff --git a/spacy/lang/pt/tag_map.py b/spacy/lang/pt/tag_map.py index bd0afdfbb..7aa9a3aec 100644 --- a/spacy/lang/pt/tag_map.py +++ b/spacy/lang/pt/tag_map.py @@ -2,7 +2,7 @@ from __future__ import unicode_literals from ...symbols import POS, PUNCT, SYM, ADJ, NUM, DET, ADV, ADP, X, VERB, CCONJ -from ...symbols import NOUN, PROPN, PART, INTJ, SPACE, PRON, SCONJ, AUX, CONJ +from ...symbols import NOUN, PROPN, PART, INTJ, SPACE, PRON, SCONJ, AUX TAG_MAP = { diff --git a/spacy/lang/pt/tokenizer_exceptions.py b/spacy/lang/pt/tokenizer_exceptions.py index 16b0f7f9b..5169780e6 100644 --- a/spacy/lang/pt/tokenizer_exceptions.py +++ b/spacy/lang/pt/tokenizer_exceptions.py @@ -1,73 +1,77 @@ # coding: utf8 from __future__ import unicode_literals -from ...symbols import ORTH, LEMMA, NORM, PRON_LEMMA +from ...symbols import ORTH, NORM _exc = { - "às": [ - {ORTH: "à", NORM: "a"}, - {ORTH: "s", NORM: "as"}], - - "ao": [ - {ORTH: "a"}, - {ORTH: "o"}], - - "aos": [ - {ORTH: "a"}, - {ORTH: "os"}], - - "àquele": [ - {ORTH: "à", NORM: "a"}, - {ORTH: "quele", NORM: "aquele"}], - - "àquela": [ - {ORTH: "à", NORM: "a"}, - {ORTH: "quela", NORM: "aquela"}], - - "àqueles": [ - {ORTH: "à", NORM: "a"}, - {ORTH: "queles", NORM: "aqueles"}], - - "àquelas": [ - {ORTH: "à", NORM: "a"}, - {ORTH: "quelas", NORM: "aquelas"}], - - "àquilo": [ - {ORTH: "à", NORM: "a"}, - {ORTH: "quilo", NORM: "aquilo"}], - - "aonde": [ - {ORTH: "a"}, - {ORTH: "onde"}] + "às": [{ORTH: "à", NORM: "a"}, {ORTH: "s", NORM: "as"}], + "ao": [{ORTH: "a"}, {ORTH: "o"}], + "aos": [{ORTH: "a"}, {ORTH: "os"}], + "àquele": [{ORTH: "à", NORM: "a"}, {ORTH: "quele", NORM: "aquele"}], + "àquela": [{ORTH: "à", NORM: "a"}, {ORTH: "quela", NORM: "aquela"}], + "àqueles": [{ORTH: "à", NORM: "a"}, {ORTH: "queles", NORM: "aqueles"}], + "àquelas": [{ORTH: "à", NORM: "a"}, {ORTH: "quelas", NORM: "aquelas"}], + "àquilo": [{ORTH: "à", NORM: "a"}, {ORTH: "quilo", NORM: "aquilo"}], + "aonde": [{ORTH: "a"}, {ORTH: "onde"}], } # Contractions - _per_pron = ["ele", "ela", "eles", "elas"] -_dem_pron = ["este", "esta", "estes", "estas", "isto", "esse", "essa", "esses", - "essas", "isso", "aquele", "aquela", "aqueles", "aquelas", "aquilo"] +_dem_pron = [ + "este", + "esta", + "estes", + "estas", + "isto", + "esse", + "essa", + "esses", + "essas", + "isso", + "aquele", + "aquela", + "aqueles", + "aquelas", + "aquilo", +] _und_pron = ["outro", "outra", "outros", "outras"] _adv = ["aqui", "aí", "ali", "além"] for orth in _per_pron + _dem_pron + _und_pron + _adv: - _exc["d" + orth] = [ - {ORTH: "d", NORM: "de"}, - {ORTH: orth}] + _exc["d" + orth] = [{ORTH: "d", NORM: "de"}, {ORTH: orth}] for orth in _per_pron + _dem_pron + _und_pron: - _exc["n" + orth] = [ - {ORTH: "n", NORM: "em"}, - {ORTH: orth}] - + _exc["n" + orth] = [{ORTH: "n", NORM: "em"}, {ORTH: orth}] for orth in [ - "Adm.", "Dr.", "e.g.", "E.g.", "E.G.", "Gen.", "Gov.", "i.e.", "I.e.", - "I.E.", "Jr.", "Ltd.", "p.m.", "Ph.D.", "Rep.", "Rev.", "Sen.", "Sr.", - "Sra.", "vs.", "tel.", "pág.", "pag."]: + "Adm.", + "Dr.", + "e.g.", + "E.g.", + "E.G.", + "Gen.", + "Gov.", + "i.e.", + "I.e.", + "I.E.", + "Jr.", + "Ltd.", + "p.m.", + "Ph.D.", + "Rep.", + "Rev.", + "Sen.", + "Sr.", + "Sra.", + "vs.", + "tel.", + "pág.", + "pag.", +]: _exc[orth] = [{ORTH: orth}] diff --git a/spacy/lang/punctuation.py b/spacy/lang/punctuation.py index 5922d060f..37e5c1c39 100644 --- a/spacy/lang/punctuation.py +++ b/spacy/lang/punctuation.py @@ -6,26 +6,44 @@ from .char_classes import LIST_ICONS, ALPHA_LOWER, ALPHA_UPPER, ALPHA, HYPHENS from .char_classes import QUOTES, CURRENCY, UNITS -_prefixes = (['§', '%', '=', r'\+(?![0-9])'] + LIST_PUNCT + LIST_ELLIPSES + - LIST_QUOTES + LIST_CURRENCY + LIST_ICONS) +_prefixes = ( + ["§", "%", "=", r"\+(?![0-9])"] + + LIST_PUNCT + + LIST_ELLIPSES + + LIST_QUOTES + + LIST_CURRENCY + + LIST_ICONS +) -_suffixes = (LIST_PUNCT + LIST_ELLIPSES + LIST_QUOTES + LIST_ICONS + - ["'s", "'S", "’s", "’S"] + - [r'(?<=[0-9])\+', - r'(?<=°[FfCcKk])\.', - r'(?<=[0-9])(?:{})'.format(CURRENCY), - r'(?<=[0-9])(?:{})'.format(UNITS), - r'(?<=[0-9{}{}(?:{})])\.'.format(ALPHA_LOWER, r'%²\-\)\]\+', QUOTES), - r'(?<=[{a}][{a}])\.'.format(a=ALPHA_UPPER)]) +_suffixes = ( + LIST_PUNCT + + LIST_ELLIPSES + + LIST_QUOTES + + LIST_ICONS + + ["'s", "'S", "’s", "’S"] + + [ + r"(?<=[0-9])\+", + r"(?<=°[FfCcKk])\.", + r"(?<=[0-9])(?:{})".format(CURRENCY), + r"(?<=[0-9])(?:{})".format(UNITS), + r"(?<=[0-9{}{}(?:{})])\.".format(ALPHA_LOWER, r"%²\-\)\]\+", QUOTES), + r"(?<=[{a}][{a}])\.".format(a=ALPHA_UPPER), + ] +) -_infixes = (LIST_ELLIPSES + LIST_ICONS + - [r'(?<=[0-9])[+\-\*^](?=[0-9-])', - r'(?<=[{}])\.(?=[{}])'.format(ALPHA_LOWER, ALPHA_UPPER), - r'(?<=[{a}]),(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])[?";:=,.]*(?:{h})(?=[{a}])'.format(a=ALPHA, h=HYPHENS), - r'(?<=[{a}"])[:<>=/](?=[{a}])'.format(a=ALPHA)]) +_infixes = ( + LIST_ELLIPSES + + LIST_ICONS + + [ + r"(?<=[0-9])[+\-\*^](?=[0-9-])", + r"(?<=[{}])\.(?=[{}])".format(ALPHA_LOWER, ALPHA_UPPER), + r"(?<=[{a}]),(?=[{a}])".format(a=ALPHA), + r'(?<=[{a}])[?";:=,.]*(?:{h})(?=[{a}])'.format(a=ALPHA, h=HYPHENS), + r'(?<=[{a}"])[:<>=/](?=[{a}])'.format(a=ALPHA), + ] +) TOKENIZER_PREFIXES = _prefixes diff --git a/spacy/lang/ro/__init__.py b/spacy/lang/ro/__init__.py index 4d5d1ceab..f0980053d 100644 --- a/spacy/lang/ro/__init__.py +++ b/spacy/lang/ro/__init__.py @@ -14,17 +14,18 @@ from ...util import update_exc, add_lookups class RomanianDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'ro' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "ro" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS lemma_lookup = LOOKUP class Romanian(Language): - lang = 'ro' + lang = "ro" Defaults = RomanianDefaults -__all__ = ['Romanian'] - +__all__ = ["Romanian"] diff --git a/spacy/lang/ro/examples.py b/spacy/lang/ro/examples.py index f77a67314..a372d7cb2 100644 --- a/spacy/lang/ro/examples.py +++ b/spacy/lang/ro/examples.py @@ -19,5 +19,5 @@ sentences = [ "Unde ești?", "Cine este președintele Franței?", "Care este capitala Statelor Unite?", - "Când s-a născut Barack Obama?" + "Când s-a născut Barack Obama?", ] diff --git a/spacy/lang/ro/lex_attrs.py b/spacy/lang/ro/lex_attrs.py index edc573212..bb8391ad1 100644 --- a/spacy/lang/ro/lex_attrs.py +++ b/spacy/lang/ro/lex_attrs.py @@ -4,14 +4,17 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = set(""" +_num_words = set( + """ zero unu doi două trei patru cinci șase șapte opt nouă zece unsprezece doisprezece douăsprezece treisprezece patrusprezece cincisprezece șaisprezece șaptesprezece optsprezece nouăsprezece douăzeci treizeci patruzeci cincizeci șaizeci șaptezeci optzeci nouăzeci sută mie milion miliard bilion trilion cvadrilion catralion cvintilion sextilion septilion enșpemii -""".split()) +""".split() +) -_ordinal_words = set(""" +_ordinal_words = set( + """ primul doilea treilea patrulea cincilea șaselea șaptelea optulea nouălea zecelea prima doua treia patra cincia șasea șaptea opta noua zecea unsprezecelea doisprezecelea treisprezecelea patrusprezecelea cincisprezecelea șaisprezecelea șaptesprezecelea optsprezecelea nouăsprezecelea @@ -19,17 +22,18 @@ unsprezecea douăsprezecea treisprezecea patrusprezecea cincisprezecea șaisprez douăzecilea treizecilea patruzecilea cincizecilea șaizecilea șaptezecilea optzecilea nouăzecilea sutălea douăzecea treizecea patruzecea cincizecea șaizecea șaptezecea optzecea nouăzecea suta miilea mielea mia milionulea milioana miliardulea miliardelea miliarda enșpemia -""".split()) +""".split() +) def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -39,6 +43,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/ro/stop_words.py b/spacy/lang/ro/stop_words.py index 75609f748..b5ba73458 100644 --- a/spacy/lang/ro/stop_words.py +++ b/spacy/lang/ro/stop_words.py @@ -3,8 +3,8 @@ from __future__ import unicode_literals # Source: https://github.com/stopwords-iso/stopwords-ro - -STOP_WORDS = set(""" +STOP_WORDS = set( + """ a abia acea @@ -472,4 +472,5 @@ zice știu ți ție -""".split()) +""".split() +) diff --git a/spacy/lang/ro/tokenizer_exceptions.py b/spacy/lang/ro/tokenizer_exceptions.py index bc501c32a..a7fb38453 100644 --- a/spacy/lang/ro/tokenizer_exceptions.py +++ b/spacy/lang/ro/tokenizer_exceptions.py @@ -9,9 +9,43 @@ _exc = {} # Source: https://en.wiktionary.org/wiki/Category:Romanian_abbreviations for orth in [ - "1-a", "2-a", "3-a", "4-a", "5-a", "6-a", "7-a", "8-a", "9-a", "10-a", "11-a", "12-a", - "1-ul", "2-lea", "3-lea", "4-lea", "5-lea", "6-lea", "7-lea", "8-lea", "9-lea", "10-lea", "11-lea", "12-lea", - "d-voastră", "dvs.", "ing.", "dr.", "Rom.", "str.", "nr.", "etc.", "d.p.d.v.", "dpdv", "șamd.", "ș.a.m.d."]: + "1-a", + "2-a", + "3-a", + "4-a", + "5-a", + "6-a", + "7-a", + "8-a", + "9-a", + "10-a", + "11-a", + "12-a", + "1-ul", + "2-lea", + "3-lea", + "4-lea", + "5-lea", + "6-lea", + "7-lea", + "8-lea", + "9-lea", + "10-lea", + "11-lea", + "12-lea", + "d-voastră", + "dvs.", + "ing.", + "dr.", + "Rom.", + "str.", + "nr.", + "etc.", + "d.p.d.v.", + "dpdv", + "șamd.", + "ș.a.m.d.", +]: _exc[orth] = [{ORTH: orth}] diff --git a/spacy/lang/ru/__init__.py b/spacy/lang/ru/__init__.py index 238dd1060..351e5939f 100644 --- a/spacy/lang/ru/__init__.py +++ b/spacy/lang/ru/__init__.py @@ -18,9 +18,10 @@ from ...attrs import LANG, NORM class RussianDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[LANG] = lambda text: 'ru' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], - BASE_NORMS, NORM_EXCEPTIONS) + lex_attr_getters[LANG] = lambda text: "ru" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS, NORM_EXCEPTIONS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS tag_map = TAG_MAP @@ -31,8 +32,8 @@ class RussianDefaults(Language.Defaults): class Russian(Language): - lang = 'ru' + lang = "ru" Defaults = RussianDefaults -__all__ = ['Russian'] +__all__ = ["Russian"] diff --git a/spacy/lang/ru/examples.py b/spacy/lang/ru/examples.py index acc2e8536..2db621dac 100644 --- a/spacy/lang/ru/examples.py +++ b/spacy/lang/ru/examples.py @@ -11,41 +11,34 @@ Example sentences to test spaCy and its language models. sentences = [ - #Translations from English: + # Translations from English: "Apple рассматривает возможность покупки стартапа из Соединённого Королевства за $1 млрд", "Беспилотные автомобили перекладывают страховую ответственность на производителя", "В Сан-Франциско рассматривается возможность запрета роботов-курьеров, которые перемещаются по тротуару", "Лондон — это большой город в Соединённом Королевстве", - - #Native Russian sentences: - #Colloquial: - "Да, нет, наверное!",#Typical polite refusal - "Обратите внимание на необыкновенную красоту этого города-героя Москвы, столицы нашей Родины!",#From a tour guide speech - - #Examples of Bookish Russian: - #Quote from "The Golden Calf" + # Native Russian sentences: + # Colloquial: + "Да, нет, наверное!", # Typical polite refusal + "Обратите внимание на необыкновенную красоту этого города-героя Москвы, столицы нашей Родины!", # From a tour guide speech + # Examples of Bookish Russian: + # Quote from "The Golden Calf" "Рио-де-Жанейро — это моя мечта, и не смейте касаться её своими грязными лапами!", - - #Quotes from "Ivan Vasilievich changes his occupation" + # Quotes from "Ivan Vasilievich changes his occupation" "Ты пошто боярыню обидел, смерд?!!", "Оставь меня, старушка, я в печали!", - - #Quotes from Dostoevsky: - "Уж коли я, такой же, как и ты, человек грешный, над тобой умилился и пожалел тебя, кольми паче бог", + # Quotes from Dostoevsky: + "Уж коли я, такой же, как и ты, человек грешный, над тобой умилился и пожалел тебя, кольми паче бог", "В мечтах я нередко, говорит, доходил до страстных помыслов о служении человечеству и может быть действительно пошел бы на крест за людей, если б это вдруг как-нибудь потребовалось, а между тем я двух дней не в состоянии прожить ни с кем в одной комнате, о чем знаю из опыта", "Зато всегда так происходило, что чем более я ненавидел людей в частности, тем пламеннее становилась любовь моя к человечеству вообще", - - #Quotes from Chekhov: + # Quotes from Chekhov: "Ненужные дела и разговоры всё об одном отхватывают на свою долю лучшую часть времени, лучшие силы, и в конце концов остается какая-то куцая, бескрылая жизнь, какая-то чепуха, и уйти и бежать нельзя, точно сидишь в сумасшедшем доме или в арестантских ротах!", - - #Quotes from Turgenev: + # Quotes from Turgenev: "Нравится тебе женщина, старайся добиться толку; а нельзя — ну, не надо, отвернись — земля не клином сошлась", "Узенькое местечко, которое я занимаю, до того крохотно в сравнении с остальным пространством, где меня нет и где дела до меня нет; и часть времени, которую мне удастся прожить, так ничтожна перед вечностью, где меня не было и не будет...", - - #Quotes from newspapers: - #Komsomolskaya Pravda: + # Quotes from newspapers: + # Komsomolskaya Pravda: "На заседании президиума правительства Москвы принято решение присвоить статус инвестиционного приоритетного проекта города Москвы киностудии Союзмультфильм", "Глава Минобороны Сергей Шойгу заявил, что обстановка на этом стратегическом направлении требует непрерывного совершенствования боевого состава войск", - #Argumenty i Facty: + # Argumenty i Facty: "На реплику лже-Говина — дескать, он (Волков) будет лучшим революционером — Стамп с энтузиазмом ответил: Непременно!", ] diff --git a/spacy/lang/ru/lemmatizer.py b/spacy/lang/ru/lemmatizer.py index 8ea6255d7..0d82875af 100644 --- a/spacy/lang/ru/lemmatizer.py +++ b/spacy/lang/ru/lemmatizer.py @@ -1,7 +1,5 @@ # coding: utf8 -from ...symbols import ( - ADJ, DET, NOUN, NUM, PRON, PROPN, PUNCT, VERB, POS -) +from ...symbols import ADJ, DET, NOUN, NUM, PRON, PROPN, PUNCT, VERB, POS from ...lemmatizer import Lemmatizer @@ -14,18 +12,19 @@ class RussianLemmatizer(Lemmatizer): from pymorphy2 import MorphAnalyzer except ImportError: raise ImportError( - 'The Russian lemmatizer requires the pymorphy2 library: ' - 'try to fix it with "pip install pymorphy2==0.8"') + "The Russian lemmatizer requires the pymorphy2 library: " + 'try to fix it with "pip install pymorphy2==0.8"' + ) if RussianLemmatizer._morph is None: RussianLemmatizer._morph = MorphAnalyzer() def __call__(self, string, univ_pos, morphology=None): univ_pos = self.normalize_univ_pos(univ_pos) - if univ_pos == 'PUNCT': + if univ_pos == "PUNCT": return [PUNCT_RULES.get(string, string)] - if univ_pos not in ('ADJ', 'DET', 'NOUN', 'NUM', 'PRON', 'PROPN', 'VERB'): + if univ_pos not in ("ADJ", "DET", "NOUN", "NUM", "PRON", "PROPN", "VERB"): # Skip unchangeable pos return [string.lower()] @@ -36,8 +35,9 @@ class RussianLemmatizer(Lemmatizer): # Skip suggested parse variant for unknown word for pymorphy continue analysis_pos, _ = oc2ud(str(analysis.tag)) - if analysis_pos == univ_pos \ - or (analysis_pos in ('NOUN', 'PROPN') and univ_pos in ('NOUN', 'PROPN')): + if analysis_pos == univ_pos or ( + analysis_pos in ("NOUN", "PROPN") and univ_pos in ("NOUN", "PROPN") + ): filtered_analyses.append(analysis) if not len(filtered_analyses): @@ -45,21 +45,32 @@ class RussianLemmatizer(Lemmatizer): if morphology is None or (len(morphology) == 1 and POS in morphology): return list(set([analysis.normal_form for analysis in filtered_analyses])) - if univ_pos in ('ADJ', 'DET', 'NOUN', 'PROPN'): - features_to_compare = ['Case', 'Number', 'Gender'] - elif univ_pos == 'NUM': - features_to_compare = ['Case', 'Gender'] - elif univ_pos == 'PRON': - features_to_compare = ['Case', 'Number', 'Gender', 'Person'] + if univ_pos in ("ADJ", "DET", "NOUN", "PROPN"): + features_to_compare = ["Case", "Number", "Gender"] + elif univ_pos == "NUM": + features_to_compare = ["Case", "Gender"] + elif univ_pos == "PRON": + features_to_compare = ["Case", "Number", "Gender", "Person"] else: # VERB - features_to_compare = ['Aspect', 'Gender', 'Mood', 'Number', 'Tense', 'VerbForm', 'Voice'] + features_to_compare = [ + "Aspect", + "Gender", + "Mood", + "Number", + "Tense", + "VerbForm", + "Voice", + ] analyses, filtered_analyses = filtered_analyses, [] for analysis in analyses: _, analysis_morph = oc2ud(str(analysis.tag)) for feature in features_to_compare: - if (feature in morphology and feature in analysis_morph - and morphology[feature] != analysis_morph[feature]): + if ( + feature in morphology + and feature in analysis_morph + and morphology[feature] != analysis_morph[feature] + ): break else: filtered_analyses.append(analysis) @@ -74,14 +85,14 @@ class RussianLemmatizer(Lemmatizer): return univ_pos.upper() symbols_to_str = { - ADJ: 'ADJ', - DET: 'DET', - NOUN: 'NOUN', - NUM: 'NUM', - PRON: 'PRON', - PROPN: 'PROPN', - PUNCT: 'PUNCT', - VERB: 'VERB' + ADJ: "ADJ", + DET: "DET", + NOUN: "NOUN", + NUM: "NUM", + PRON: "PRON", + PROPN: "PROPN", + PUNCT: "PUNCT", + VERB: "VERB", } if univ_pos in symbols_to_str: return symbols_to_str[univ_pos] @@ -92,13 +103,13 @@ class RussianLemmatizer(Lemmatizer): raise NotImplementedError def det(self, string, morphology=None): - return self(string, 'det', morphology) + return self(string, "det", morphology) def num(self, string, morphology=None): - return self(string, 'num', morphology) + return self(string, "num", morphology) def pron(self, string, morphology=None): - return self(string, 'pron', morphology) + return self(string, "pron", morphology) def lookup(self, string): analyses = self._morph.parse(string) @@ -109,110 +120,71 @@ class RussianLemmatizer(Lemmatizer): def oc2ud(oc_tag): gram_map = { - '_POS': { - 'ADJF': 'ADJ', - 'ADJS': 'ADJ', - 'ADVB': 'ADV', - 'Apro': 'DET', - 'COMP': 'ADJ', # Can also be an ADV - unchangeable - 'CONJ': 'CCONJ', # Can also be a SCONJ - both unchangeable ones - 'GRND': 'VERB', - 'INFN': 'VERB', - 'INTJ': 'INTJ', - 'NOUN': 'NOUN', - 'NPRO': 'PRON', - 'NUMR': 'NUM', - 'NUMB': 'NUM', - 'PNCT': 'PUNCT', - 'PRCL': 'PART', - 'PREP': 'ADP', - 'PRTF': 'VERB', - 'PRTS': 'VERB', - 'VERB': 'VERB', + "_POS": { + "ADJF": "ADJ", + "ADJS": "ADJ", + "ADVB": "ADV", + "Apro": "DET", + "COMP": "ADJ", # Can also be an ADV - unchangeable + "CONJ": "CCONJ", # Can also be a SCONJ - both unchangeable ones + "GRND": "VERB", + "INFN": "VERB", + "INTJ": "INTJ", + "NOUN": "NOUN", + "NPRO": "PRON", + "NUMR": "NUM", + "NUMB": "NUM", + "PNCT": "PUNCT", + "PRCL": "PART", + "PREP": "ADP", + "PRTF": "VERB", + "PRTS": "VERB", + "VERB": "VERB", }, - 'Animacy': { - 'anim': 'Anim', - 'inan': 'Inan', + "Animacy": {"anim": "Anim", "inan": "Inan"}, + "Aspect": {"impf": "Imp", "perf": "Perf"}, + "Case": { + "ablt": "Ins", + "accs": "Acc", + "datv": "Dat", + "gen1": "Gen", + "gen2": "Gen", + "gent": "Gen", + "loc2": "Loc", + "loct": "Loc", + "nomn": "Nom", + "voct": "Voc", }, - 'Aspect': { - 'impf': 'Imp', - 'perf': 'Perf', + "Degree": {"COMP": "Cmp", "Supr": "Sup"}, + "Gender": {"femn": "Fem", "masc": "Masc", "neut": "Neut"}, + "Mood": {"impr": "Imp", "indc": "Ind"}, + "Number": {"plur": "Plur", "sing": "Sing"}, + "NumForm": {"NUMB": "Digit"}, + "Person": {"1per": "1", "2per": "2", "3per": "3", "excl": "2", "incl": "1"}, + "Tense": {"futr": "Fut", "past": "Past", "pres": "Pres"}, + "Variant": {"ADJS": "Brev", "PRTS": "Brev"}, + "VerbForm": { + "GRND": "Conv", + "INFN": "Inf", + "PRTF": "Part", + "PRTS": "Part", + "VERB": "Fin", }, - 'Case': { - 'ablt': 'Ins', - 'accs': 'Acc', - 'datv': 'Dat', - 'gen1': 'Gen', - 'gen2': 'Gen', - 'gent': 'Gen', - 'loc2': 'Loc', - 'loct': 'Loc', - 'nomn': 'Nom', - 'voct': 'Voc', - }, - 'Degree': { - 'COMP': 'Cmp', - 'Supr': 'Sup', - }, - 'Gender': { - 'femn': 'Fem', - 'masc': 'Masc', - 'neut': 'Neut', - }, - 'Mood': { - 'impr': 'Imp', - 'indc': 'Ind', - }, - 'Number': { - 'plur': 'Plur', - 'sing': 'Sing', - }, - 'NumForm': { - 'NUMB': 'Digit', - }, - 'Person': { - '1per': '1', - '2per': '2', - '3per': '3', - 'excl': '2', - 'incl': '1', - }, - 'Tense': { - 'futr': 'Fut', - 'past': 'Past', - 'pres': 'Pres', - }, - 'Variant': { - 'ADJS': 'Brev', - 'PRTS': 'Brev', - }, - 'VerbForm': { - 'GRND': 'Conv', - 'INFN': 'Inf', - 'PRTF': 'Part', - 'PRTS': 'Part', - 'VERB': 'Fin', - }, - 'Voice': { - 'actv': 'Act', - 'pssv': 'Pass', - }, - 'Abbr': { - 'Abbr': 'Yes' - } + "Voice": {"actv": "Act", "pssv": "Pass"}, + "Abbr": {"Abbr": "Yes"}, } - pos = 'X' + pos = "X" morphology = dict() unmatched = set() - grams = oc_tag.replace(' ', ',').split(',') + grams = oc_tag.replace(" ", ",").split(",") for gram in grams: match = False for categ, gmap in sorted(gram_map.items()): if gram in gmap: match = True - if categ == '_POS': + if categ == "_POS": pos = gmap[gram] else: morphology[categ] = gmap[gram] @@ -221,17 +193,14 @@ def oc2ud(oc_tag): while len(unmatched) > 0: gram = unmatched.pop() - if gram in ('Name', 'Patr', 'Surn', 'Geox', 'Orgn'): - pos = 'PROPN' - elif gram == 'Auxt': - pos = 'AUX' - elif gram == 'Pltm': - morphology['Number'] = 'Ptan' + if gram in ("Name", "Patr", "Surn", "Geox", "Orgn"): + pos = "PROPN" + elif gram == "Auxt": + pos = "AUX" + elif gram == "Pltm": + morphology["Number"] = "Ptan" return pos, morphology -PUNCT_RULES = { - "«": "\"", - "»": "\"" -} +PUNCT_RULES = {"«": '"', "»": '"'} diff --git a/spacy/lang/ru/lex_attrs.py b/spacy/lang/ru/lex_attrs.py index abe42341f..448c5b285 100644 --- a/spacy/lang/ru/lex_attrs.py +++ b/spacy/lang/ru/lex_attrs.py @@ -5,26 +5,60 @@ from ...attrs import LIKE_NUM _num_words = [ - 'ноль', 'один', 'два', 'три', 'четыре', 'пять', 'шесть', 'семь', 'восемь', 'девять', - - 'десять', 'одиннадцать', 'двенадцать', 'тринадцать', 'четырнадцать', - 'пятнадцать', 'шестнадцать', 'семнадцать', 'восемнадцать', 'девятнадцать', - - 'двадцать', 'тридцать', 'сорок', 'пятьдесят', 'шестьдесят', 'семьдесят', 'восемьдесят', 'девяносто', - - 'сто', 'двести', 'триста', 'четыреста', 'пятьсот', 'шестьсот', 'семьсот', 'восемьсот', 'девятьсот', - - 'тысяча', 'миллион', 'миллиард', 'триллион', 'квадриллион', 'квинтиллион'] + "ноль", + "один", + "два", + "три", + "четыре", + "пять", + "шесть", + "семь", + "восемь", + "девять", + "десять", + "одиннадцать", + "двенадцать", + "тринадцать", + "четырнадцать", + "пятнадцать", + "шестнадцать", + "семнадцать", + "восемнадцать", + "девятнадцать", + "двадцать", + "тридцать", + "сорок", + "пятьдесят", + "шестьдесят", + "семьдесят", + "восемьдесят", + "девяносто", + "сто", + "двести", + "триста", + "четыреста", + "пятьсот", + "шестьсот", + "семьсот", + "восемьсот", + "девятьсот", + "тысяча", + "миллион", + "миллиард", + "триллион", + "квадриллион", + "квинтиллион", +] def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -32,6 +66,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/ru/norm_exceptions.py b/spacy/lang/ru/norm_exceptions.py index 1a75b58b8..43e08948c 100644 --- a/spacy/lang/ru/norm_exceptions.py +++ b/spacy/lang/ru/norm_exceptions.py @@ -4,28 +4,28 @@ from __future__ import unicode_literals _exc = { # Slang - 'прив': 'привет', - 'дарова': 'привет', - 'дак': 'так', - 'дык': 'так', - 'здарова': 'привет', - 'пакедава': 'пока', - 'пакедаво': 'пока', - 'ща': 'сейчас', - 'спс': 'спасибо', - 'пжлст': 'пожалуйста', - 'плиз': 'пожалуйста', - 'ладненько': 'ладно', - 'лады': 'ладно', - 'лан': 'ладно', - 'ясн': 'ясно', - 'всм': 'всмысле', - 'хош': 'хочешь', - 'хаюшки': 'привет', - 'оч': 'очень', - 'че': 'что', - 'чо': 'что', - 'шо': 'что' + "прив": "привет", + "дарова": "привет", + "дак": "так", + "дык": "так", + "здарова": "привет", + "пакедава": "пока", + "пакедаво": "пока", + "ща": "сейчас", + "спс": "спасибо", + "пжлст": "пожалуйста", + "плиз": "пожалуйста", + "ладненько": "ладно", + "лады": "ладно", + "лан": "ладно", + "ясн": "ясно", + "всм": "всмысле", + "хош": "хочешь", + "хаюшки": "привет", + "оч": "очень", + "че": "что", + "чо": "что", + "шо": "что", } diff --git a/spacy/lang/ru/stop_words.py b/spacy/lang/ru/stop_words.py index ddb28af86..89069b3cf 100644 --- a/spacy/lang/ru/stop_words.py +++ b/spacy/lang/ru/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ а будем будет будете будешь буду будут будучи будь будьте бы был была были было @@ -51,4 +52,5 @@ STOP_WORDS = set(""" эта эти этим этими этих это этого этой этом этому этот этою эту я -""".split()) \ No newline at end of file +""".split() +) diff --git a/spacy/lang/ru/tag_map.py b/spacy/lang/ru/tag_map.py index 1369a9dbf..9270d4435 100644 --- a/spacy/lang/ru/tag_map.py +++ b/spacy/lang/ru/tag_map.py @@ -1,731 +1,732 @@ # coding: utf8 from __future__ import unicode_literals -from ...symbols import ( - POS, PUNCT, SYM, ADJ, NUM, DET, ADV, ADP, X, VERB, NOUN, PROPN, PART, INTJ, SPACE, PRON, SCONJ, AUX, CONJ, CCONJ -) +from ...symbols import POS, PUNCT, SYM, ADJ, NUM, DET, ADV, ADP, X, VERB, NOUN +from ...symbols import PROPN, PART, INTJ, PRON, SCONJ, AUX, CCONJ +# fmt: off TAG_MAP = { - 'ADJ__Animacy=Anim|Case=Acc|Degree=Pos|Gender=Masc|Number=Sing': {POS: ADJ, 'Animacy': 'Anim', 'Case': 'Acc', 'Degree': 'Pos', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Animacy=Anim|Case=Acc|Degree=Pos|Number=Plur': {POS: ADJ, 'Animacy': 'Anim', 'Case': 'Acc', 'Degree': 'Pos', 'Number': 'Plur'}, - 'ADJ__Animacy=Anim|Case=Acc|Degree=Sup|Gender=Masc|Number=Sing': {POS: ADJ, 'Animacy': 'Anim', 'Case': 'Acc', 'Degree': 'Sup', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Animacy=Anim|Case=Nom|Degree=Pos|Number=Plur': {POS: ADJ, 'Animacy': 'Anim', 'Case': 'Nom', 'Degree': 'Pos', 'Number': 'Plur'}, - 'ADJ__Animacy=Inan|Case=Acc|Degree=Pos|Gender=Masc|Number=Sing': {POS: ADJ, 'Animacy': 'Inan', 'Case': 'Acc', 'Degree': 'Pos', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Animacy=Inan|Case=Acc|Degree=Pos|Gender=Neut|Number=Sing': {POS: ADJ, 'Animacy': 'Inan', 'Case': 'Acc', 'Degree': 'Pos', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Animacy=Inan|Case=Acc|Degree=Pos|Number=Plur': {POS: ADJ, 'Animacy': 'Inan', 'Case': 'Acc', 'Degree': 'Pos', 'Number': 'Plur'}, - 'ADJ__Animacy=Inan|Case=Acc|Degree=Sup|Gender=Masc|Number=Sing': {POS: ADJ, 'Animacy': 'Inan', 'Case': 'Acc', 'Degree': 'Sup', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Animacy=Inan|Case=Acc|Degree=Sup|Number=Plur': {POS: ADJ, 'Animacy': 'Inan', 'Case': 'Acc', 'Degree': 'Sup', 'Number': 'Plur'}, - 'ADJ__Animacy=Inan|Case=Acc|Gender=Fem|Number=Sing': {POS: ADJ, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Animacy=Inan|Case=Nom|Degree=Pos|Gender=Fem|Number=Sing': {POS: ADJ, 'Animacy': 'Inan', 'Case': 'Nom', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Acc|Degree=Pos|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Acc', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Acc|Degree=Pos|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Acc', 'Degree': 'Pos', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Acc|Degree=Sup|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Acc', 'Degree': 'Sup', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Acc|Degree=Sup|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Acc', 'Degree': 'Sup', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Dat|Degree=Pos|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Dat', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Dat|Degree=Pos|Gender=Masc|Number=Sing': {POS: ADJ, 'Case': 'Dat', 'Degree': 'Pos', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Case=Dat|Degree=Pos|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Dat', 'Degree': 'Pos', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Dat|Degree=Pos|Number=Plur': {POS: ADJ, 'Case': 'Dat', 'Degree': 'Pos', 'Number': 'Plur'}, - 'ADJ__Case=Dat|Degree=Sup|Gender=Masc|Number=Sing': {POS: ADJ, 'Case': 'Dat', 'Degree': 'Sup', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Case=Dat|Degree=Sup|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Dat', 'Degree': 'Sup', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Dat|Degree=Sup|Number=Plur': {POS: ADJ, 'Case': 'Dat', 'Degree': 'Sup', 'Number': 'Plur'}, - 'ADJ__Case=Gen|Degree=Pos|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Gen', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Gen|Degree=Pos|Gender=Fem|Number=Sing|Variant=Short': {POS: ADJ, 'Case': 'Gen', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing', 'Variant': 'Short'}, - 'ADJ__Case=Gen|Degree=Pos|Gender=Masc|Number=Sing': {POS: ADJ, 'Case': 'Gen', 'Degree': 'Pos', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Case=Gen|Degree=Pos|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Gen', 'Degree': 'Pos', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Gen|Degree=Pos|Number=Plur': {POS: ADJ, 'Case': 'Gen', 'Degree': 'Pos', 'Number': 'Plur'}, - 'ADJ__Case=Gen|Degree=Sup|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Gen', 'Degree': 'Sup', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Gen|Degree=Sup|Gender=Masc|Number=Sing': {POS: ADJ, 'Case': 'Gen', 'Degree': 'Sup', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Case=Gen|Degree=Sup|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Gen', 'Degree': 'Sup', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Gen|Degree=Sup|Number=Plur': {POS: ADJ, 'Case': 'Gen', 'Degree': 'Sup', 'Number': 'Plur'}, - 'ADJ__Case=Ins|Degree=Pos|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Ins', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Ins|Degree=Pos|Gender=Masc|Number=Sing': {POS: ADJ, 'Case': 'Ins', 'Degree': 'Pos', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Case=Ins|Degree=Pos|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Ins', 'Degree': 'Pos', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Ins|Degree=Pos|Number=Plur': {POS: ADJ, 'Case': 'Ins', 'Degree': 'Pos', 'Number': 'Plur'}, - 'ADJ__Case=Ins|Degree=Sup|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Ins', 'Degree': 'Sup', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Ins|Degree=Sup|Gender=Masc|Number=Sing': {POS: ADJ, 'Case': 'Ins', 'Degree': 'Sup', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Case=Ins|Degree=Sup|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Ins', 'Degree': 'Sup', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Ins|Degree=Sup|Number=Plur': {POS: ADJ, 'Case': 'Ins', 'Degree': 'Sup', 'Number': 'Plur'}, - 'ADJ__Case=Loc|Degree=Pos|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Loc', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Loc|Degree=Pos|Gender=Masc|Number=Sing': {POS: ADJ, 'Case': 'Loc', 'Degree': 'Pos', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Case=Loc|Degree=Pos|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Loc', 'Degree': 'Pos', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Loc|Degree=Pos|Number=Plur': {POS: ADJ, 'Case': 'Loc', 'Degree': 'Pos', 'Number': 'Plur'}, - 'ADJ__Case=Loc|Degree=Sup|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Loc', 'Degree': 'Sup', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Loc|Degree=Sup|Gender=Masc|Number=Sing': {POS: ADJ, 'Case': 'Loc', 'Degree': 'Sup', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Case=Loc|Degree=Sup|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Loc', 'Degree': 'Sup', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Loc|Degree=Sup|Number=Plur': {POS: ADJ, 'Case': 'Loc', 'Degree': 'Sup', 'Number': 'Plur'}, - 'ADJ__Case=Nom|Degree=Pos|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Nom', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Nom|Degree=Pos|Gender=Masc|Number=Sing': {POS: ADJ, 'Case': 'Nom', 'Degree': 'Pos', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Case=Nom|Degree=Pos|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Nom', 'Degree': 'Pos', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Nom|Degree=Pos|Number=Plur': {POS: ADJ, 'Case': 'Nom', 'Degree': 'Pos', 'Number': 'Plur'}, - 'ADJ__Case=Nom|Degree=Sup|Gender=Fem|Number=Sing': {POS: ADJ, 'Case': 'Nom', 'Degree': 'Sup', 'Gender': 'Fem', 'Number': 'Sing'}, - 'ADJ__Case=Nom|Degree=Sup|Gender=Masc|Number=Sing': {POS: ADJ, 'Case': 'Nom', 'Degree': 'Sup', 'Gender': 'Masc', 'Number': 'Sing'}, - 'ADJ__Case=Nom|Degree=Sup|Gender=Neut|Number=Sing': {POS: ADJ, 'Case': 'Nom', 'Degree': 'Sup', 'Gender': 'Neut', 'Number': 'Sing'}, - 'ADJ__Case=Nom|Degree=Sup|Number=Plur': {POS: ADJ, 'Case': 'Nom', 'Degree': 'Sup', 'Number': 'Plur'}, - 'ADJ__Degree=Cmp': {POS: ADJ, 'Degree': 'Cmp'}, - 'ADJ__Degree=Pos': {POS: ADJ, 'Degree': 'Pos'}, - 'ADJ__Degree=Pos|Gender=Fem|Number=Sing|Variant=Short': {POS: ADJ, 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing', 'Variant': 'Short'}, - 'ADJ__Degree=Pos|Gender=Masc|Number=Sing|Variant=Short': {POS: ADJ, 'Degree': 'Pos', 'Gender': 'Masc', 'Number': 'Sing', 'Variant': 'Short'}, - 'ADJ__Degree=Pos|Gender=Neut|Number=Sing|Variant=Short': {POS: ADJ, 'Degree': 'Pos', 'Gender': 'Neut', 'Number': 'Sing', 'Variant': 'Short'}, - 'ADJ__Degree=Pos|Number=Plur|Variant=Short': {POS: ADJ, 'Degree': 'Pos', 'Number': 'Plur', 'Variant': 'Short'}, - 'ADJ__Foreign=Yes': {POS: ADJ, 'Foreign': 'Yes'}, - 'ADJ___': {POS: ADJ}, - 'ADP___': {POS: ADP}, - 'ADV__Degree=Cmp': {POS: ADV, 'Degree': 'Cmp'}, - 'ADV__Degree=Pos': {POS: ADV, 'Degree': 'Pos'}, - 'ADV__Polarity=Neg': {POS: ADV, 'Polarity': 'Neg'}, - 'AUX__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Case': 'Nom', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Gender': 'Fem', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Gender': 'Masc', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Gender': 'Neut', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Mood=Imp|Number=Plur|Person=2|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Mood': 'Imp', 'Number': 'Plur', 'Person': '2', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Mood=Imp|Number=Sing|Person=2|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Mood': 'Imp', 'Number': 'Sing', 'Person': '2', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Mood=Ind|Number=Plur|Person=1|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '1', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Mood=Ind|Number=Plur|Person=2|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '2', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Mood=Ind|Number=Plur|Person=3|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '3', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Mood=Ind|Number=Sing|Person=1|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '1', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Mood=Ind|Number=Sing|Person=2|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '2', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Mood=Ind|Number=Sing|Person=3|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '3', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|Tense=Pres|VerbForm=Conv|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'Tense': 'Pres', 'VerbForm': 'Conv', 'Voice': 'Act'}, - 'AUX__Aspect=Imp|VerbForm=Inf|Voice=Act': {POS: AUX, 'Aspect': 'Imp', 'VerbForm': 'Inf', 'Voice': 'Act'}, - 'CCONJ___': {POS: CCONJ}, - 'DET__Animacy=Inan|Case=Acc|Gender=Masc|Number=Sing': {POS: DET, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'DET__Animacy=Inan|Case=Acc|Gender=Neut|Number=Sing': {POS: DET, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'DET__Animacy=Inan|Case=Gen|Gender=Fem|Number=Sing': {POS: DET, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing'}, - 'DET__Animacy=Inan|Case=Gen|Number=Plur': {POS: DET, 'Animacy': 'Inan', 'Case': 'Gen', 'Number': 'Plur'}, - 'DET__Case=Acc|Degree=Pos|Number=Plur': {POS: DET, 'Case': 'Acc', 'Degree': 'Pos', 'Number': 'Plur'}, - 'DET__Case=Acc|Gender=Fem|Number=Sing': {POS: DET, 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'DET__Case=Acc|Gender=Masc|Number=Sing': {POS: DET, 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'DET__Case=Acc|Gender=Neut|Number=Sing': {POS: DET, 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'DET__Case=Acc|Number=Plur': {POS: DET, 'Case': 'Acc', 'Number': 'Plur'}, - 'DET__Case=Dat|Gender=Fem|Number=Sing': {POS: DET, 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing'}, - 'DET__Case=Dat|Gender=Masc|Number=Plur': {POS: DET, 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Plur'}, - 'DET__Case=Dat|Gender=Masc|Number=Sing': {POS: DET, 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing'}, - 'DET__Case=Dat|Gender=Neut|Number=Sing': {POS: DET, 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing'}, - 'DET__Case=Dat|Number=Plur': {POS: DET, 'Case': 'Dat', 'Number': 'Plur'}, - 'DET__Case=Gen|Gender=Fem|Number=Sing': {POS: DET, 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing'}, - 'DET__Case=Gen|Gender=Masc|Number=Sing': {POS: DET, 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing'}, - 'DET__Case=Gen|Gender=Neut|Number=Sing': {POS: DET, 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing'}, - 'DET__Case=Gen|Number=Plur': {POS: DET, 'Case': 'Gen', 'Number': 'Plur'}, - 'DET__Case=Ins|Gender=Fem|Number=Sing': {POS: DET, 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing'}, - 'DET__Case=Ins|Gender=Masc|Number=Sing': {POS: DET, 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing'}, - 'DET__Case=Ins|Gender=Neut|Number=Sing': {POS: DET, 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing'}, - 'DET__Case=Ins|Number=Plur': {POS: DET, 'Case': 'Ins', 'Number': 'Plur'}, - 'DET__Case=Loc|Gender=Fem|Number=Sing': {POS: DET, 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'DET__Case=Loc|Gender=Masc|Number=Sing': {POS: DET, 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'DET__Case=Loc|Gender=Neut|Number=Sing': {POS: DET, 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'DET__Case=Loc|Number=Plur': {POS: DET, 'Case': 'Loc', 'Number': 'Plur'}, - 'DET__Case=Nom|Gender=Fem|Number=Sing': {POS: DET, 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing'}, - 'DET__Case=Nom|Gender=Masc|Number=Plur': {POS: DET, 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Plur'}, - 'DET__Case=Nom|Gender=Masc|Number=Sing': {POS: DET, 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing'}, - 'DET__Case=Nom|Gender=Neut|Number=Sing': {POS: DET, 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing'}, - 'DET__Case=Nom|Number=Plur': {POS: DET, 'Case': 'Nom', 'Number': 'Plur'}, - 'DET__Gender=Masc|Number=Sing': {POS: DET, 'Gender': 'Masc', 'Number': 'Sing'}, - 'INTJ___': {POS: INTJ}, - 'NOUN__Animacy=Anim|Case=Acc|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Acc|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Acc|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Acc|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Acc|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Acc|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Acc|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Acc', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Dat|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Dat|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Dat|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Dat|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Dat|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Dat|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Dat|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Dat', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Gen|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Gen|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Gen|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Gen|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Gen|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Gen|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Gen|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Gen', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Ins|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Ins|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Ins|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Ins|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Ins|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Ins|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Ins|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Ins', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Loc|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Loc|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Loc|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Loc|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Loc|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Loc|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Loc|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Loc', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Nom|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Nom|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Nom|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Nom|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Nom|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Nom|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Anim|Case=Nom|Number=Plur': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Nom', 'Number': 'Plur'}, - 'NOUN__Animacy=Anim|Case=Voc|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Anim', 'Case': 'Voc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Acc|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Acc|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Acc|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Acc|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Acc|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Acc|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Acc|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Acc', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Dat|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Dat|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Dat|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Dat|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Dat|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Dat|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Dat|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Dat', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Gen|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Gen|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Gen|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Gen|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Gen|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Gen|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Gen|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Gen', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Ins|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Ins|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Ins|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Ins|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Ins|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Ins|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Ins|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Ins', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Loc|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Loc|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Loc|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Loc|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Loc|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Loc|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Loc|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Loc', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Nom|Gender=Fem|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Nom|Gender=Fem|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Nom|Gender=Masc|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Nom|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Nom|Gender=Neut|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Nom|Gender=Neut|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Case=Nom|Number=Plur': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Nom', 'Number': 'Plur'}, - 'NOUN__Animacy=Inan|Case=Par|Gender=Masc|Number=Sing': {POS: NOUN, 'Animacy': 'Inan', 'Case': 'Par', 'Gender': 'Masc', 'Number': 'Sing'}, - 'NOUN__Animacy=Inan|Gender=Fem': {POS: NOUN, 'Animacy': 'Inan', 'Gender': 'Fem'}, - 'NOUN__Animacy=Inan|Gender=Masc': {POS: NOUN, 'Animacy': 'Inan', 'Gender': 'Masc'}, - 'NOUN__Animacy=Inan|Gender=Neut': {POS: NOUN, 'Animacy': 'Inan', 'Gender': 'Neut'}, - 'NOUN__Case=Gen|Degree=Pos|Gender=Fem|Number=Sing': {POS: NOUN, 'Case': 'Gen', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'NOUN__Foreign=Yes': {POS: NOUN, 'Foreign': 'Yes'}, - 'NOUN___': {POS: NOUN}, - 'NUM__Animacy=Anim|Case=Acc': {POS: NUM, 'Animacy': 'Anim', 'Case': 'Acc'}, - 'NUM__Animacy=Anim|Case=Acc|Gender=Fem': {POS: NUM, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Fem'}, - 'NUM__Animacy=Anim|Case=Acc|Gender=Masc': {POS: NUM, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Masc'}, - 'NUM__Animacy=Inan|Case=Acc': {POS: NUM, 'Animacy': 'Inan', 'Case': 'Acc'}, - 'NUM__Animacy=Inan|Case=Acc|Gender=Fem': {POS: NUM, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Fem'}, - 'NUM__Animacy=Inan|Case=Acc|Gender=Masc': {POS: NUM, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Masc'}, - 'NUM__Case=Acc': {POS: NUM, 'Case': 'Acc'}, - 'NUM__Case=Acc|Gender=Fem': {POS: NUM, 'Case': 'Acc', 'Gender': 'Fem'}, - 'NUM__Case=Acc|Gender=Masc': {POS: NUM, 'Case': 'Acc', 'Gender': 'Masc'}, - 'NUM__Case=Acc|Gender=Neut': {POS: NUM, 'Case': 'Acc', 'Gender': 'Neut'}, - 'NUM__Case=Dat': {POS: NUM, 'Case': 'Dat'}, - 'NUM__Case=Dat|Gender=Fem': {POS: NUM, 'Case': 'Dat', 'Gender': 'Fem'}, - 'NUM__Case=Dat|Gender=Masc': {POS: NUM, 'Case': 'Dat', 'Gender': 'Masc'}, - 'NUM__Case=Dat|Gender=Neut': {POS: NUM, 'Case': 'Dat', 'Gender': 'Neut'}, - 'NUM__Case=Gen': {POS: NUM, 'Case': 'Gen'}, - 'NUM__Case=Gen|Gender=Fem': {POS: NUM, 'Case': 'Gen', 'Gender': 'Fem'}, - 'NUM__Case=Gen|Gender=Masc': {POS: NUM, 'Case': 'Gen', 'Gender': 'Masc'}, - 'NUM__Case=Gen|Gender=Neut': {POS: NUM, 'Case': 'Gen', 'Gender': 'Neut'}, - 'NUM__Case=Ins': {POS: NUM, 'Case': 'Ins'}, - 'NUM__Case=Ins|Gender=Fem': {POS: NUM, 'Case': 'Ins', 'Gender': 'Fem'}, - 'NUM__Case=Ins|Gender=Masc': {POS: NUM, 'Case': 'Ins', 'Gender': 'Masc'}, - 'NUM__Case=Ins|Gender=Neut': {POS: NUM, 'Case': 'Ins', 'Gender': 'Neut'}, - 'NUM__Case=Loc': {POS: NUM, 'Case': 'Loc'}, - 'NUM__Case=Loc|Gender=Fem': {POS: NUM, 'Case': 'Loc', 'Gender': 'Fem'}, - 'NUM__Case=Loc|Gender=Masc': {POS: NUM, 'Case': 'Loc', 'Gender': 'Masc'}, - 'NUM__Case=Loc|Gender=Neut': {POS: NUM, 'Case': 'Loc', 'Gender': 'Neut'}, - 'NUM__Case=Nom': {POS: NUM, 'Case': 'Nom'}, - 'NUM__Case=Nom|Gender=Fem': {POS: NUM, 'Case': 'Nom', 'Gender': 'Fem'}, - 'NUM__Case=Nom|Gender=Masc': {POS: NUM, 'Case': 'Nom', 'Gender': 'Masc'}, - 'NUM__Case=Nom|Gender=Neut': {POS: NUM, 'Case': 'Nom', 'Gender': 'Neut'}, - 'NUM___': {POS: NUM}, - 'PART__Mood=Cnd': {POS: PART, 'Mood': 'Cnd'}, - 'PART__Polarity=Neg': {POS: PART, 'Polarity': 'Neg'}, - 'PART___': {POS: PART}, - 'PRON__Animacy=Anim|Case=Acc|Gender=Masc|Number=Plur': {POS: PRON, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PRON__Animacy=Anim|Case=Acc|Number=Plur': {POS: PRON, 'Animacy': 'Anim', 'Case': 'Acc', 'Number': 'Plur'}, - 'PRON__Animacy=Anim|Case=Dat|Gender=Masc|Number=Sing': {POS: PRON, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PRON__Animacy=Anim|Case=Dat|Number=Plur': {POS: PRON, 'Animacy': 'Anim', 'Case': 'Dat', 'Number': 'Plur'}, - 'PRON__Animacy=Anim|Case=Gen|Number=Plur': {POS: PRON, 'Animacy': 'Anim', 'Case': 'Gen', 'Number': 'Plur'}, - 'PRON__Animacy=Anim|Case=Ins|Gender=Masc|Number=Sing': {POS: PRON, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PRON__Animacy=Anim|Case=Ins|Number=Plur': {POS: PRON, 'Animacy': 'Anim', 'Case': 'Ins', 'Number': 'Plur'}, - 'PRON__Animacy=Anim|Case=Loc|Number=Plur': {POS: PRON, 'Animacy': 'Anim', 'Case': 'Loc', 'Number': 'Plur'}, - 'PRON__Animacy=Anim|Case=Nom|Gender=Masc|Number=Plur': {POS: PRON, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PRON__Animacy=Anim|Case=Nom|Number=Plur': {POS: PRON, 'Animacy': 'Anim', 'Case': 'Nom', 'Number': 'Plur'}, - 'PRON__Animacy=Anim|Gender=Masc|Number=Plur': {POS: PRON, 'Animacy': 'Anim', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PRON__Animacy=Inan|Case=Acc|Gender=Masc|Number=Sing': {POS: PRON, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PRON__Animacy=Inan|Case=Acc|Gender=Neut|Number=Sing': {POS: PRON, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PRON__Animacy=Inan|Case=Dat|Gender=Neut|Number=Sing': {POS: PRON, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PRON__Animacy=Inan|Case=Gen|Gender=Masc|Number=Sing': {POS: PRON, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PRON__Animacy=Inan|Case=Gen|Gender=Neut|Number=Sing': {POS: PRON, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PRON__Animacy=Inan|Case=Ins|Gender=Fem|Number=Sing': {POS: PRON, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PRON__Animacy=Inan|Case=Ins|Gender=Neut|Number=Sing': {POS: PRON, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PRON__Animacy=Inan|Case=Loc|Gender=Neut|Number=Sing': {POS: PRON, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PRON__Animacy=Inan|Case=Nom|Gender=Neut|Number=Sing': {POS: PRON, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PRON__Animacy=Inan|Gender=Neut|Number=Sing': {POS: PRON, 'Animacy': 'Inan', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PRON__Case=Acc': {POS: PRON, 'Case': 'Acc'}, - 'PRON__Case=Acc|Gender=Fem|Number=Sing|Person=3': {POS: PRON, 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Acc|Gender=Masc|Number=Sing|Person=3': {POS: PRON, 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Acc|Gender=Neut|Number=Sing|Person=3': {POS: PRON, 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Acc|Number=Plur|Person=1': {POS: PRON, 'Case': 'Acc', 'Number': 'Plur', 'Person': '1'}, - 'PRON__Case=Acc|Number=Plur|Person=2': {POS: PRON, 'Case': 'Acc', 'Number': 'Plur', 'Person': '2'}, - 'PRON__Case=Acc|Number=Plur|Person=3': {POS: PRON, 'Case': 'Acc', 'Number': 'Plur', 'Person': '3'}, - 'PRON__Case=Acc|Number=Sing|Person=1': {POS: PRON, 'Case': 'Acc', 'Number': 'Sing', 'Person': '1'}, - 'PRON__Case=Acc|Number=Sing|Person=2': {POS: PRON, 'Case': 'Acc', 'Number': 'Sing', 'Person': '2'}, - 'PRON__Case=Dat': {POS: PRON, 'Case': 'Dat'}, - 'PRON__Case=Dat|Gender=Fem|Number=Sing|Person=3': {POS: PRON, 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Dat|Gender=Masc|Number=Sing|Person=3': {POS: PRON, 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Dat|Gender=Neut|Number=Sing|Person=3': {POS: PRON, 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Dat|Number=Plur|Person=1': {POS: PRON, 'Case': 'Dat', 'Number': 'Plur', 'Person': '1'}, - 'PRON__Case=Dat|Number=Plur|Person=2': {POS: PRON, 'Case': 'Dat', 'Number': 'Plur', 'Person': '2'}, - 'PRON__Case=Dat|Number=Plur|Person=3': {POS: PRON, 'Case': 'Dat', 'Number': 'Plur', 'Person': '3'}, - 'PRON__Case=Dat|Number=Sing|Person=1': {POS: PRON, 'Case': 'Dat', 'Number': 'Sing', 'Person': '1'}, - 'PRON__Case=Dat|Number=Sing|Person=2': {POS: PRON, 'Case': 'Dat', 'Number': 'Sing', 'Person': '2'}, - 'PRON__Case=Gen': {POS: PRON, 'Case': 'Gen'}, - 'PRON__Case=Gen|Gender=Fem|Number=Sing|Person=3': {POS: PRON, 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Gen|Gender=Masc|Number=Sing|Person=3': {POS: PRON, 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Gen|Gender=Neut|Number=Sing|Person=3': {POS: PRON, 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Gen|Number=Plur|Person=1': {POS: PRON, 'Case': 'Gen', 'Number': 'Plur', 'Person': '1'}, - 'PRON__Case=Gen|Number=Plur|Person=2': {POS: PRON, 'Case': 'Gen', 'Number': 'Plur', 'Person': '2'}, - 'PRON__Case=Gen|Number=Plur|Person=3': {POS: PRON, 'Case': 'Gen', 'Number': 'Plur', 'Person': '3'}, - 'PRON__Case=Gen|Number=Sing|Person=1': {POS: PRON, 'Case': 'Gen', 'Number': 'Sing', 'Person': '1'}, - 'PRON__Case=Gen|Number=Sing|Person=2': {POS: PRON, 'Case': 'Gen', 'Number': 'Sing', 'Person': '2'}, - 'PRON__Case=Ins': {POS: PRON, 'Case': 'Ins'}, - 'PRON__Case=Ins|Gender=Fem|Number=Sing|Person=3': {POS: PRON, 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Ins|Gender=Masc|Number=Sing|Person=3': {POS: PRON, 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Ins|Gender=Neut|Number=Sing|Person=3': {POS: PRON, 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Ins|Number=Plur|Person=1': {POS: PRON, 'Case': 'Ins', 'Number': 'Plur', 'Person': '1'}, - 'PRON__Case=Ins|Number=Plur|Person=2': {POS: PRON, 'Case': 'Ins', 'Number': 'Plur', 'Person': '2'}, - 'PRON__Case=Ins|Number=Plur|Person=3': {POS: PRON, 'Case': 'Ins', 'Number': 'Plur', 'Person': '3'}, - 'PRON__Case=Ins|Number=Sing|Person=1': {POS: PRON, 'Case': 'Ins', 'Number': 'Sing', 'Person': '1'}, - 'PRON__Case=Ins|Number=Sing|Person=2': {POS: PRON, 'Case': 'Ins', 'Number': 'Sing', 'Person': '2'}, - 'PRON__Case=Loc': {POS: PRON, 'Case': 'Loc'}, - 'PRON__Case=Loc|Gender=Fem|Number=Sing|Person=3': {POS: PRON, 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Loc|Gender=Masc|Number=Sing|Person=3': {POS: PRON, 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Loc|Gender=Neut|Number=Sing|Person=3': {POS: PRON, 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Loc|Number=Plur|Person=1': {POS: PRON, 'Case': 'Loc', 'Number': 'Plur', 'Person': '1'}, - 'PRON__Case=Loc|Number=Plur|Person=2': {POS: PRON, 'Case': 'Loc', 'Number': 'Plur', 'Person': '2'}, - 'PRON__Case=Loc|Number=Plur|Person=3': {POS: PRON, 'Case': 'Loc', 'Number': 'Plur', 'Person': '3'}, - 'PRON__Case=Loc|Number=Sing|Person=1': {POS: PRON, 'Case': 'Loc', 'Number': 'Sing', 'Person': '1'}, - 'PRON__Case=Loc|Number=Sing|Person=2': {POS: PRON, 'Case': 'Loc', 'Number': 'Sing', 'Person': '2'}, - 'PRON__Case=Nom': {POS: PRON, 'Case': 'Nom'}, - 'PRON__Case=Nom|Gender=Fem|Number=Sing|Person=3': {POS: PRON, 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Nom|Gender=Masc|Number=Sing|Person=3': {POS: PRON, 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Nom|Gender=Neut|Number=Sing|Person=3': {POS: PRON, 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing', 'Person': '3'}, - 'PRON__Case=Nom|Number=Plur|Person=1': {POS: PRON, 'Case': 'Nom', 'Number': 'Plur', 'Person': '1'}, - 'PRON__Case=Nom|Number=Plur|Person=2': {POS: PRON, 'Case': 'Nom', 'Number': 'Plur', 'Person': '2'}, - 'PRON__Case=Nom|Number=Plur|Person=3': {POS: PRON, 'Case': 'Nom', 'Number': 'Plur', 'Person': '3'}, - 'PRON__Case=Nom|Number=Sing|Person=1': {POS: PRON, 'Case': 'Nom', 'Number': 'Sing', 'Person': '1'}, - 'PRON__Case=Nom|Number=Sing|Person=2': {POS: PRON, 'Case': 'Nom', 'Number': 'Sing', 'Person': '2'}, - 'PRON__Number=Sing|Person=1': {POS: PRON, 'Number': 'Sing', 'Person': '1'}, - 'PRON___': {POS: PRON}, - 'PROPN__Animacy=Anim|Case=Acc|Gender=Fem|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Acc|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Acc|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Acc|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Acc|Gender=Neut|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Dat|Gender=Fem|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Dat|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Dat|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Dat|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Dat|Gender=Neut|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Gen|Foreign=Yes|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Gen', 'Foreign': 'Yes', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Gen|Gender=Fem|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Gen|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Gen|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Gen|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Ins|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Ins|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Ins|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Ins|Gender=Neut|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Loc|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Loc|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Loc|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Nom|Foreign=Yes|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Nom', 'Foreign': 'Yes', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Nom|Gender=Fem|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Nom|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Nom|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Nom|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Case=Nom|Gender=Neut|Number=Plur': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Plur'}, - 'PROPN__Animacy=Anim|Case=Voc|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Case': 'Voc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Anim|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Anim', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Acc|Gender=Fem|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Acc|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Acc|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Acc|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Acc|Gender=Neut|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Acc|Gender=Neut|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Acc|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Acc', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Dat|Gender=Fem|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Dat|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Dat|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Dat|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Dat|Gender=Neut|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Dat|Gender=Neut|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Dat|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Dat', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Gen|Foreign=Yes|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Gen', 'Foreign': 'Yes', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Gen|Gender=Fem|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Gen|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Gen|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Gen|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Gen|Gender=Neut|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Gen|Gender=Neut|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Gen|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Gen', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Ins|Gender=Fem|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Ins|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Ins|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Ins|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Ins|Gender=Neut|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Ins|Gender=Neut|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Ins|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Ins', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Loc|Gender=Fem|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Loc|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Loc|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Loc|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Loc|Gender=Neut|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Loc|Gender=Neut|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Loc|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Loc', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Nom|Foreign=Yes|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Nom', 'Foreign': 'Yes', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Nom|Foreign=Yes|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Nom', 'Foreign': 'Yes', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Nom|Foreign=Yes|Gender=Neut|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Nom', 'Foreign': 'Yes', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Nom|Gender=Fem|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Nom|Gender=Fem|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Nom|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Nom|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Nom|Gender=Neut|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Nom|Gender=Neut|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Case=Nom|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Nom', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Case=Par|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Case': 'Par', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Gender=Fem': {POS: PROPN, 'Animacy': 'Inan', 'Gender': 'Fem'}, - 'PROPN__Animacy=Inan|Gender=Masc': {POS: PROPN, 'Animacy': 'Inan', 'Gender': 'Masc'}, - 'PROPN__Animacy=Inan|Gender=Masc|Number=Plur': {POS: PROPN, 'Animacy': 'Inan', 'Gender': 'Masc', 'Number': 'Plur'}, - 'PROPN__Animacy=Inan|Gender=Masc|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Animacy=Inan|Gender=Neut|Number=Sing': {POS: PROPN, 'Animacy': 'Inan', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PROPN__Case=Acc|Degree=Pos|Gender=Fem|Number=Sing': {POS: PROPN, 'Case': 'Acc', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Case=Dat|Degree=Pos|Gender=Masc|Number=Sing': {POS: PROPN, 'Case': 'Dat', 'Degree': 'Pos', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Case=Ins|Degree=Pos|Gender=Fem|Number=Sing': {POS: PROPN, 'Case': 'Ins', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Case=Ins|Degree=Pos|Number=Plur': {POS: PROPN, 'Case': 'Ins', 'Degree': 'Pos', 'Number': 'Plur'}, - 'PROPN__Case=Nom|Degree=Pos|Gender=Fem|Number=Sing': {POS: PROPN, 'Case': 'Nom', 'Degree': 'Pos', 'Gender': 'Fem', 'Number': 'Sing'}, - 'PROPN__Case=Nom|Degree=Pos|Gender=Masc|Number=Sing': {POS: PROPN, 'Case': 'Nom', 'Degree': 'Pos', 'Gender': 'Masc', 'Number': 'Sing'}, - 'PROPN__Case=Nom|Degree=Pos|Gender=Neut|Number=Sing': {POS: PROPN, 'Case': 'Nom', 'Degree': 'Pos', 'Gender': 'Neut', 'Number': 'Sing'}, - 'PROPN__Case=Nom|Degree=Pos|Number=Plur': {POS: PROPN, 'Case': 'Nom', 'Degree': 'Pos', 'Number': 'Plur'}, - 'PROPN__Degree=Pos|Gender=Neut|Number=Sing|Variant=Short': {POS: PROPN, 'Degree': 'Pos', 'Gender': 'Neut', 'Number': 'Sing', 'Variant': 'Short'}, - 'PROPN__Degree=Pos|Number=Plur|Variant=Short': {POS: PROPN, 'Degree': 'Pos', 'Number': 'Plur', 'Variant': 'Short'}, - 'PROPN__Foreign=Yes': {POS: PROPN, 'Foreign': 'Yes'}, - 'PROPN__Number=Sing': {POS: PROPN, 'Number': 'Sing'}, - 'PROPN___': {POS: PROPN}, - 'PUNCT___': {POS: PUNCT}, - 'SCONJ__Mood=Cnd': {POS: SCONJ, 'Mood': 'Cnd'}, - 'SCONJ___': {POS: SCONJ}, - 'SYM___': {POS: SYM}, - 'VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Perf', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Perf', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Animacy': 'Anim', 'Aspect': 'Perf', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Imp', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Perf', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Perf', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Animacy': 'Inan', 'Aspect': 'Perf', 'Case': 'Acc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Dat|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Dat', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Gen|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Gen', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Ins|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Ins|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Ins|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Ins|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Ins|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Ins|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Ins', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Loc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Loc', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Nom|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Case': 'Nom', 'Number': 'Plur', 'Tense': 'Pres', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Fem', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Fem', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Fem', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Gender=Fem|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Gender=Fem|Number=Sing|Tense=Pres|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Pres', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Masc', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Masc', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Masc', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Gender=Masc|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Gender=Masc|Number=Sing|Tense=Pres|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Pres', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Neut', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Neut', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Neut', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Gender=Neut|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Gender=Neut|Number=Sing|Tense=Pres|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Pres', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Mood=Imp|Number=Plur|Person=2|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Imp', 'Number': 'Plur', 'Person': '2', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Mood=Imp|Number=Plur|Person=2|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Imp', 'Number': 'Plur', 'Person': '2', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Mood=Imp|Number=Sing|Person=2|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Imp', 'Number': 'Sing', 'Person': '2', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Mood=Imp|Number=Sing|Person=2|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Imp', 'Number': 'Sing', 'Person': '2', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=1|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '1', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=1|Tense=Pres|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '1', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=2|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '2', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=2|Tense=Pres|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '2', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=3|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '3', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=3|Tense=Pres|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '3', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=3|Tense=Pres|VerbForm=Fin|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '3', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=1|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '1', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=1|Tense=Pres|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '1', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=2|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '2', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=2|Tense=Pres|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '2', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=3|Tense=Pres|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '3', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=3|Tense=Pres|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '3', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=3|Tense=Pres|VerbForm=Fin|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '3', 'Tense': 'Pres', 'VerbForm': 'Fin', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Number=Plur|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Number': 'Plur', 'Tense': 'Past', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Number=Plur|Tense=Pres|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Number': 'Plur', 'Tense': 'Pres', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|Tense=Past|VerbForm=Conv|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Tense': 'Past', 'VerbForm': 'Conv', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Tense=Pres|VerbForm=Conv|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'Tense': 'Pres', 'VerbForm': 'Conv', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|Tense=Pres|VerbForm=Conv|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'Tense': 'Pres', 'VerbForm': 'Conv', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|Tense=Pres|VerbForm=Conv|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'Tense': 'Pres', 'VerbForm': 'Conv', 'Voice': 'Pass'}, - 'VERB__Aspect=Imp|VerbForm=Inf|Voice=Act': {POS: VERB, 'Aspect': 'Imp', 'VerbForm': 'Inf', 'Voice': 'Act'}, - 'VERB__Aspect=Imp|VerbForm=Inf|Voice=Mid': {POS: VERB, 'Aspect': 'Imp', 'VerbForm': 'Inf', 'Voice': 'Mid'}, - 'VERB__Aspect=Imp|VerbForm=Inf|Voice=Pass': {POS: VERB, 'Aspect': 'Imp', 'VerbForm': 'Inf', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Acc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Dat|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Dat|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Dat|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Dat|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Dat|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Dat|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Dat', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Gen|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Gen|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Gen|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Gen|Number=Plur|Tense=Fut|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Number': 'Plur', 'Tense': 'Fut', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Gen', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Ins|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Ins|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Ins|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Ins|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Ins|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Ins|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Ins|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Ins|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Ins|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Ins|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Ins|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Ins|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Ins', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Loc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Loc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Loc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Loc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Loc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Loc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Loc', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Nom|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Nom|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Nom|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Case': 'Nom', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Gender': 'Fem', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Gender': 'Fem', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Gender=Fem|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Gender': 'Fem', 'Number': 'Sing', 'Tense': 'Past', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Gender': 'Masc', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Gender': 'Masc', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Gender=Masc|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Gender': 'Masc', 'Number': 'Sing', 'Tense': 'Past', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Gender': 'Neut', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Gender': 'Neut', 'Mood': 'Ind', 'Number': 'Sing', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Gender=Neut|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Gender': 'Neut', 'Number': 'Sing', 'Tense': 'Past', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Mood=Imp|Number=Plur|Person=1|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Imp', 'Number': 'Plur', 'Person': '1', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Mood=Imp|Number=Plur|Person=2|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Imp', 'Number': 'Plur', 'Person': '2', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Mood=Imp|Number=Plur|Person=2|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Imp', 'Number': 'Plur', 'Person': '2', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Mood=Imp|Number=Sing|Person=2|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Imp', 'Number': 'Sing', 'Person': '2', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Mood=Imp|Number=Sing|Person=2|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Imp', 'Number': 'Sing', 'Person': '2', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=1|Tense=Fut|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '1', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=1|Tense=Fut|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '1', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=2|Tense=Fut|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '2', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=2|Tense=Fut|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '2', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=3|Tense=Fut|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '3', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=3|Tense=Fut|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '3', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=3|Tense=Fut|VerbForm=Fin|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Plur', 'Person': '3', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Plur', 'Tense': 'Past', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=1|Tense=Fut|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '1', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=1|Tense=Fut|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '1', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=2|Tense=Fut|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '2', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=2|Tense=Fut|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '2', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=3|Tense=Fut|VerbForm=Fin|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '3', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=3|Tense=Fut|VerbForm=Fin|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Mood': 'Ind', 'Number': 'Sing', 'Person': '3', 'Tense': 'Fut', 'VerbForm': 'Fin', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|Number=Plur|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass': {POS: VERB, 'Aspect': 'Perf', 'Number': 'Plur', 'Tense': 'Past', 'Variant': 'Short', 'VerbForm': 'Part', 'Voice': 'Pass'}, - 'VERB__Aspect=Perf|Tense=Past|VerbForm=Conv|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'Tense': 'Past', 'VerbForm': 'Conv', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|Tense=Past|VerbForm=Conv|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'Tense': 'Past', 'VerbForm': 'Conv', 'Voice': 'Mid'}, - 'VERB__Aspect=Perf|VerbForm=Inf|Voice=Act': {POS: VERB, 'Aspect': 'Perf', 'VerbForm': 'Inf', 'Voice': 'Act'}, - 'VERB__Aspect=Perf|VerbForm=Inf|Voice=Mid': {POS: VERB, 'Aspect': 'Perf', 'VerbForm': 'Inf', 'Voice': 'Mid'}, - 'VERB__Voice=Act': {POS: VERB, 'Voice': 'Act'}, - 'VERB___': {POS: VERB}, - 'X__Foreign=Yes': {POS: X, 'Foreign': 'Yes'}, - 'X___': {POS: X}, + "ADJ__Animacy=Anim|Case=Acc|Degree=Pos|Gender=Masc|Number=Sing": {POS: ADJ, "Animacy": "Anim", "Case": "Acc", "Degree": "Pos", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Animacy=Anim|Case=Acc|Degree=Pos|Number=Plur": {POS: ADJ, "Animacy": "Anim", "Case": "Acc", "Degree": "Pos", "Number": "Plur"}, + "ADJ__Animacy=Anim|Case=Acc|Degree=Sup|Gender=Masc|Number=Sing": {POS: ADJ, "Animacy": "Anim", "Case": "Acc", "Degree": "Sup", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Animacy=Anim|Case=Nom|Degree=Pos|Number=Plur": {POS: ADJ, "Animacy": "Anim", "Case": "Nom", "Degree": "Pos", "Number": "Plur"}, + "ADJ__Animacy=Inan|Case=Acc|Degree=Pos|Gender=Masc|Number=Sing": {POS: ADJ, "Animacy": "Inan", "Case": "Acc", "Degree": "Pos", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Animacy=Inan|Case=Acc|Degree=Pos|Gender=Neut|Number=Sing": {POS: ADJ, "Animacy": "Inan", "Case": "Acc", "Degree": "Pos", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Animacy=Inan|Case=Acc|Degree=Pos|Number=Plur": {POS: ADJ, "Animacy": "Inan", "Case": "Acc", "Degree": "Pos", "Number": "Plur"}, + "ADJ__Animacy=Inan|Case=Acc|Degree=Sup|Gender=Masc|Number=Sing": {POS: ADJ, "Animacy": "Inan", "Case": "Acc", "Degree": "Sup", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Animacy=Inan|Case=Acc|Degree=Sup|Number=Plur": {POS: ADJ, "Animacy": "Inan", "Case": "Acc", "Degree": "Sup", "Number": "Plur"}, + "ADJ__Animacy=Inan|Case=Acc|Gender=Fem|Number=Sing": {POS: ADJ, "Animacy": "Inan", "Case": "Acc", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Animacy=Inan|Case=Nom|Degree=Pos|Gender=Fem|Number=Sing": {POS: ADJ, "Animacy": "Inan", "Case": "Nom", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Acc|Degree=Pos|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Acc", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Acc|Degree=Pos|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Acc", "Degree": "Pos", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Acc|Degree=Sup|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Acc", "Degree": "Sup", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Acc|Degree=Sup|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Acc", "Degree": "Sup", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Dat|Degree=Pos|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Dat", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Dat|Degree=Pos|Gender=Masc|Number=Sing": {POS: ADJ, "Case": "Dat", "Degree": "Pos", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Case=Dat|Degree=Pos|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Dat", "Degree": "Pos", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Dat|Degree=Pos|Number=Plur": {POS: ADJ, "Case": "Dat", "Degree": "Pos", "Number": "Plur"}, + "ADJ__Case=Dat|Degree=Sup|Gender=Masc|Number=Sing": {POS: ADJ, "Case": "Dat", "Degree": "Sup", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Case=Dat|Degree=Sup|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Dat", "Degree": "Sup", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Dat|Degree=Sup|Number=Plur": {POS: ADJ, "Case": "Dat", "Degree": "Sup", "Number": "Plur"}, + "ADJ__Case=Gen|Degree=Pos|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Gen", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Gen|Degree=Pos|Gender=Fem|Number=Sing|Variant=Short": {POS: ADJ, "Case": "Gen", "Degree": "Pos", "Gender": "Fem", "Number": "Sing", "Variant": "Short"}, + "ADJ__Case=Gen|Degree=Pos|Gender=Masc|Number=Sing": {POS: ADJ, "Case": "Gen", "Degree": "Pos", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Case=Gen|Degree=Pos|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Gen", "Degree": "Pos", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Gen|Degree=Pos|Number=Plur": {POS: ADJ, "Case": "Gen", "Degree": "Pos", "Number": "Plur"}, + "ADJ__Case=Gen|Degree=Sup|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Gen", "Degree": "Sup", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Gen|Degree=Sup|Gender=Masc|Number=Sing": {POS: ADJ, "Case": "Gen", "Degree": "Sup", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Case=Gen|Degree=Sup|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Gen", "Degree": "Sup", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Gen|Degree=Sup|Number=Plur": {POS: ADJ, "Case": "Gen", "Degree": "Sup", "Number": "Plur"}, + "ADJ__Case=Ins|Degree=Pos|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Ins", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Ins|Degree=Pos|Gender=Masc|Number=Sing": {POS: ADJ, "Case": "Ins", "Degree": "Pos", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Case=Ins|Degree=Pos|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Ins", "Degree": "Pos", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Ins|Degree=Pos|Number=Plur": {POS: ADJ, "Case": "Ins", "Degree": "Pos", "Number": "Plur"}, + "ADJ__Case=Ins|Degree=Sup|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Ins", "Degree": "Sup", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Ins|Degree=Sup|Gender=Masc|Number=Sing": {POS: ADJ, "Case": "Ins", "Degree": "Sup", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Case=Ins|Degree=Sup|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Ins", "Degree": "Sup", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Ins|Degree=Sup|Number=Plur": {POS: ADJ, "Case": "Ins", "Degree": "Sup", "Number": "Plur"}, + "ADJ__Case=Loc|Degree=Pos|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Loc", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Loc|Degree=Pos|Gender=Masc|Number=Sing": {POS: ADJ, "Case": "Loc", "Degree": "Pos", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Case=Loc|Degree=Pos|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Loc", "Degree": "Pos", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Loc|Degree=Pos|Number=Plur": {POS: ADJ, "Case": "Loc", "Degree": "Pos", "Number": "Plur"}, + "ADJ__Case=Loc|Degree=Sup|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Loc", "Degree": "Sup", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Loc|Degree=Sup|Gender=Masc|Number=Sing": {POS: ADJ, "Case": "Loc", "Degree": "Sup", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Case=Loc|Degree=Sup|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Loc", "Degree": "Sup", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Loc|Degree=Sup|Number=Plur": {POS: ADJ, "Case": "Loc", "Degree": "Sup", "Number": "Plur"}, + "ADJ__Case=Nom|Degree=Pos|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Nom", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Nom|Degree=Pos|Gender=Masc|Number=Sing": {POS: ADJ, "Case": "Nom", "Degree": "Pos", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Case=Nom|Degree=Pos|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Nom", "Degree": "Pos", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Nom|Degree=Pos|Number=Plur": {POS: ADJ, "Case": "Nom", "Degree": "Pos", "Number": "Plur"}, + "ADJ__Case=Nom|Degree=Sup|Gender=Fem|Number=Sing": {POS: ADJ, "Case": "Nom", "Degree": "Sup", "Gender": "Fem", "Number": "Sing"}, + "ADJ__Case=Nom|Degree=Sup|Gender=Masc|Number=Sing": {POS: ADJ, "Case": "Nom", "Degree": "Sup", "Gender": "Masc", "Number": "Sing"}, + "ADJ__Case=Nom|Degree=Sup|Gender=Neut|Number=Sing": {POS: ADJ, "Case": "Nom", "Degree": "Sup", "Gender": "Neut", "Number": "Sing"}, + "ADJ__Case=Nom|Degree=Sup|Number=Plur": {POS: ADJ, "Case": "Nom", "Degree": "Sup", "Number": "Plur"}, + "ADJ__Degree=Cmp": {POS: ADJ, "Degree": "Cmp"}, + "ADJ__Degree=Pos": {POS: ADJ, "Degree": "Pos"}, + "ADJ__Degree=Pos|Gender=Fem|Number=Sing|Variant=Short": {POS: ADJ, "Degree": "Pos", "Gender": "Fem", "Number": "Sing", "Variant": "Short"}, + "ADJ__Degree=Pos|Gender=Masc|Number=Sing|Variant=Short": {POS: ADJ, "Degree": "Pos", "Gender": "Masc", "Number": "Sing", "Variant": "Short"}, + "ADJ__Degree=Pos|Gender=Neut|Number=Sing|Variant=Short": {POS: ADJ, "Degree": "Pos", "Gender": "Neut", "Number": "Sing", "Variant": "Short"}, + "ADJ__Degree=Pos|Number=Plur|Variant=Short": {POS: ADJ, "Degree": "Pos", "Number": "Plur", "Variant": "Short"}, + "ADJ__Foreign=Yes": {POS: ADJ, "Foreign": "Yes"}, + "ADJ___": {POS: ADJ}, + "ADP___": {POS: ADP}, + "ADV__Degree=Cmp": {POS: ADV, "Degree": "Cmp"}, + "ADV__Degree=Pos": {POS: ADV, "Degree": "Pos"}, + "ADV__Polarity=Neg": {POS: ADV, "Polarity": "Neg"}, + "AUX__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: AUX, "Aspect": "Imp", "Case": "Loc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "AUX__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: AUX, "Aspect": "Imp", "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "AUX__Aspect=Imp|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: AUX, "Aspect": "Imp", "Case": "Nom", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "AUX__Aspect=Imp|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Gender": "Fem", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Gender": "Masc", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Gender": "Neut", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Mood=Imp|Number=Plur|Person=2|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Mood": "Imp", "Number": "Plur", "Person": "2", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Mood=Imp|Number=Sing|Person=2|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Mood": "Imp", "Number": "Sing", "Person": "2", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Mood=Ind|Number=Plur|Person=1|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Person": "1", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Mood=Ind|Number=Plur|Person=2|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Person": "2", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Mood=Ind|Number=Plur|Person=3|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Person": "3", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Mood=Ind|Number=Sing|Person=1|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Mood": "Ind", "Number": "Sing", "Person": "1", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Mood=Ind|Number=Sing|Person=2|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Mood": "Ind", "Number": "Sing", "Person": "2", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Mood=Ind|Number=Sing|Person=3|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: AUX, "Aspect": "Imp", "Mood": "Ind", "Number": "Sing", "Person": "3", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "AUX__Aspect=Imp|Tense=Pres|VerbForm=Conv|Voice=Act": {POS: AUX, "Aspect": "Imp", "Tense": "Pres", "VerbForm": "Conv", "Voice": "Act"}, + "AUX__Aspect=Imp|VerbForm=Inf|Voice=Act": {POS: AUX, "Aspect": "Imp", "VerbForm": "Inf", "Voice": "Act"}, + "CCONJ___": {POS: CCONJ}, + "DET__Animacy=Inan|Case=Acc|Gender=Masc|Number=Sing": {POS: DET, "Animacy": "Inan", "Case": "Acc", "Gender": "Masc", "Number": "Sing"}, + "DET__Animacy=Inan|Case=Acc|Gender=Neut|Number=Sing": {POS: DET, "Animacy": "Inan", "Case": "Acc", "Gender": "Neut", "Number": "Sing"}, + "DET__Animacy=Inan|Case=Gen|Gender=Fem|Number=Sing": {POS: DET, "Animacy": "Inan", "Case": "Gen", "Gender": "Fem", "Number": "Sing"}, + "DET__Animacy=Inan|Case=Gen|Number=Plur": {POS: DET, "Animacy": "Inan", "Case": "Gen", "Number": "Plur"}, + "DET__Case=Acc|Degree=Pos|Number=Plur": {POS: DET, "Case": "Acc", "Degree": "Pos", "Number": "Plur"}, + "DET__Case=Acc|Gender=Fem|Number=Sing": {POS: DET, "Case": "Acc", "Gender": "Fem", "Number": "Sing"}, + "DET__Case=Acc|Gender=Masc|Number=Sing": {POS: DET, "Case": "Acc", "Gender": "Masc", "Number": "Sing"}, + "DET__Case=Acc|Gender=Neut|Number=Sing": {POS: DET, "Case": "Acc", "Gender": "Neut", "Number": "Sing"}, + "DET__Case=Acc|Number=Plur": {POS: DET, "Case": "Acc", "Number": "Plur"}, + "DET__Case=Dat|Gender=Fem|Number=Sing": {POS: DET, "Case": "Dat", "Gender": "Fem", "Number": "Sing"}, + "DET__Case=Dat|Gender=Masc|Number=Plur": {POS: DET, "Case": "Dat", "Gender": "Masc", "Number": "Plur"}, + "DET__Case=Dat|Gender=Masc|Number=Sing": {POS: DET, "Case": "Dat", "Gender": "Masc", "Number": "Sing"}, + "DET__Case=Dat|Gender=Neut|Number=Sing": {POS: DET, "Case": "Dat", "Gender": "Neut", "Number": "Sing"}, + "DET__Case=Dat|Number=Plur": {POS: DET, "Case": "Dat", "Number": "Plur"}, + "DET__Case=Gen|Gender=Fem|Number=Sing": {POS: DET, "Case": "Gen", "Gender": "Fem", "Number": "Sing"}, + "DET__Case=Gen|Gender=Masc|Number=Sing": {POS: DET, "Case": "Gen", "Gender": "Masc", "Number": "Sing"}, + "DET__Case=Gen|Gender=Neut|Number=Sing": {POS: DET, "Case": "Gen", "Gender": "Neut", "Number": "Sing"}, + "DET__Case=Gen|Number=Plur": {POS: DET, "Case": "Gen", "Number": "Plur"}, + "DET__Case=Ins|Gender=Fem|Number=Sing": {POS: DET, "Case": "Ins", "Gender": "Fem", "Number": "Sing"}, + "DET__Case=Ins|Gender=Masc|Number=Sing": {POS: DET, "Case": "Ins", "Gender": "Masc", "Number": "Sing"}, + "DET__Case=Ins|Gender=Neut|Number=Sing": {POS: DET, "Case": "Ins", "Gender": "Neut", "Number": "Sing"}, + "DET__Case=Ins|Number=Plur": {POS: DET, "Case": "Ins", "Number": "Plur"}, + "DET__Case=Loc|Gender=Fem|Number=Sing": {POS: DET, "Case": "Loc", "Gender": "Fem", "Number": "Sing"}, + "DET__Case=Loc|Gender=Masc|Number=Sing": {POS: DET, "Case": "Loc", "Gender": "Masc", "Number": "Sing"}, + "DET__Case=Loc|Gender=Neut|Number=Sing": {POS: DET, "Case": "Loc", "Gender": "Neut", "Number": "Sing"}, + "DET__Case=Loc|Number=Plur": {POS: DET, "Case": "Loc", "Number": "Plur"}, + "DET__Case=Nom|Gender=Fem|Number=Sing": {POS: DET, "Case": "Nom", "Gender": "Fem", "Number": "Sing"}, + "DET__Case=Nom|Gender=Masc|Number=Plur": {POS: DET, "Case": "Nom", "Gender": "Masc", "Number": "Plur"}, + "DET__Case=Nom|Gender=Masc|Number=Sing": {POS: DET, "Case": "Nom", "Gender": "Masc", "Number": "Sing"}, + "DET__Case=Nom|Gender=Neut|Number=Sing": {POS: DET, "Case": "Nom", "Gender": "Neut", "Number": "Sing"}, + "DET__Case=Nom|Number=Plur": {POS: DET, "Case": "Nom", "Number": "Plur"}, + "DET__Gender=Masc|Number=Sing": {POS: DET, "Gender": "Masc", "Number": "Sing"}, + "INTJ___": {POS: INTJ}, + "NOUN__Animacy=Anim|Case=Acc|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Acc", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Acc|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Acc", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Acc|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Acc", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Acc|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Acc", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Acc|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Acc", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Acc|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Acc", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Acc|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Acc", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Dat|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Dat", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Dat|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Dat", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Dat|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Dat", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Dat|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Dat", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Dat|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Dat", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Dat|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Dat", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Dat|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Dat", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Gen|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Gen", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Gen|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Gen", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Gen|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Gen", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Gen|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Gen", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Gen|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Gen", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Gen|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Gen", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Gen|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Gen", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Ins|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Ins", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Ins|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Ins", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Ins|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Ins", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Ins|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Ins", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Ins|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Ins", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Ins|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Ins", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Ins|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Ins", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Loc|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Loc", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Loc|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Loc", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Loc|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Loc", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Loc|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Loc", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Loc|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Loc", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Loc|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Loc", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Loc|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Loc", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Nom|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Nom", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Nom|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Nom", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Nom|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Nom", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Nom|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Nom", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Nom|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Nom", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Nom|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Nom", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Anim|Case=Nom|Number=Plur": {POS: NOUN, "Animacy": "Anim", "Case": "Nom", "Number": "Plur"}, + "NOUN__Animacy=Anim|Case=Voc|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Anim", "Case": "Voc", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Acc|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Acc", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Acc|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Acc", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Acc|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Acc", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Acc|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Acc", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Acc|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Acc", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Acc|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Acc", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Acc|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Acc", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Dat|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Dat", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Dat|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Dat", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Dat|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Dat", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Dat|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Dat", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Dat|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Dat", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Dat|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Dat", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Dat|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Dat", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Gen|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Gen", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Gen|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Gen", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Gen|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Gen", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Gen|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Gen", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Gen|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Gen", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Gen|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Gen", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Gen|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Gen", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Ins|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Ins", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Ins|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Ins", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Ins|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Ins", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Ins|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Ins", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Ins|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Ins", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Ins|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Ins", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Ins|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Ins", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Loc|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Loc", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Loc|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Loc", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Loc|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Loc", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Loc|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Loc", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Loc|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Loc", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Loc|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Loc", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Loc|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Loc", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Nom|Gender=Fem|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Nom", "Gender": "Fem", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Nom|Gender=Fem|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Nom", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Nom|Gender=Masc|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Nom", "Gender": "Masc", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Nom|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Nom", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Nom|Gender=Neut|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Nom", "Gender": "Neut", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Nom|Gender=Neut|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Nom", "Gender": "Neut", "Number": "Sing"}, + "NOUN__Animacy=Inan|Case=Nom|Number=Plur": {POS: NOUN, "Animacy": "Inan", "Case": "Nom", "Number": "Plur"}, + "NOUN__Animacy=Inan|Case=Par|Gender=Masc|Number=Sing": {POS: NOUN, "Animacy": "Inan", "Case": "Par", "Gender": "Masc", "Number": "Sing"}, + "NOUN__Animacy=Inan|Gender=Fem": {POS: NOUN, "Animacy": "Inan", "Gender": "Fem"}, + "NOUN__Animacy=Inan|Gender=Masc": {POS: NOUN, "Animacy": "Inan", "Gender": "Masc"}, + "NOUN__Animacy=Inan|Gender=Neut": {POS: NOUN, "Animacy": "Inan", "Gender": "Neut"}, + "NOUN__Case=Gen|Degree=Pos|Gender=Fem|Number=Sing": {POS: NOUN, "Case": "Gen", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "NOUN__Foreign=Yes": {POS: NOUN, "Foreign": "Yes"}, + "NOUN___": {POS: NOUN}, + "NUM__Animacy=Anim|Case=Acc": {POS: NUM, "Animacy": "Anim", "Case": "Acc"}, + "NUM__Animacy=Anim|Case=Acc|Gender=Fem": {POS: NUM, "Animacy": "Anim", "Case": "Acc", "Gender": "Fem"}, + "NUM__Animacy=Anim|Case=Acc|Gender=Masc": {POS: NUM, "Animacy": "Anim", "Case": "Acc", "Gender": "Masc"}, + "NUM__Animacy=Inan|Case=Acc": {POS: NUM, "Animacy": "Inan", "Case": "Acc"}, + "NUM__Animacy=Inan|Case=Acc|Gender=Fem": {POS: NUM, "Animacy": "Inan", "Case": "Acc", "Gender": "Fem"}, + "NUM__Animacy=Inan|Case=Acc|Gender=Masc": {POS: NUM, "Animacy": "Inan", "Case": "Acc", "Gender": "Masc"}, + "NUM__Case=Acc": {POS: NUM, "Case": "Acc"}, + "NUM__Case=Acc|Gender=Fem": {POS: NUM, "Case": "Acc", "Gender": "Fem"}, + "NUM__Case=Acc|Gender=Masc": {POS: NUM, "Case": "Acc", "Gender": "Masc"}, + "NUM__Case=Acc|Gender=Neut": {POS: NUM, "Case": "Acc", "Gender": "Neut"}, + "NUM__Case=Dat": {POS: NUM, "Case": "Dat"}, + "NUM__Case=Dat|Gender=Fem": {POS: NUM, "Case": "Dat", "Gender": "Fem"}, + "NUM__Case=Dat|Gender=Masc": {POS: NUM, "Case": "Dat", "Gender": "Masc"}, + "NUM__Case=Dat|Gender=Neut": {POS: NUM, "Case": "Dat", "Gender": "Neut"}, + "NUM__Case=Gen": {POS: NUM, "Case": "Gen"}, + "NUM__Case=Gen|Gender=Fem": {POS: NUM, "Case": "Gen", "Gender": "Fem"}, + "NUM__Case=Gen|Gender=Masc": {POS: NUM, "Case": "Gen", "Gender": "Masc"}, + "NUM__Case=Gen|Gender=Neut": {POS: NUM, "Case": "Gen", "Gender": "Neut"}, + "NUM__Case=Ins": {POS: NUM, "Case": "Ins"}, + "NUM__Case=Ins|Gender=Fem": {POS: NUM, "Case": "Ins", "Gender": "Fem"}, + "NUM__Case=Ins|Gender=Masc": {POS: NUM, "Case": "Ins", "Gender": "Masc"}, + "NUM__Case=Ins|Gender=Neut": {POS: NUM, "Case": "Ins", "Gender": "Neut"}, + "NUM__Case=Loc": {POS: NUM, "Case": "Loc"}, + "NUM__Case=Loc|Gender=Fem": {POS: NUM, "Case": "Loc", "Gender": "Fem"}, + "NUM__Case=Loc|Gender=Masc": {POS: NUM, "Case": "Loc", "Gender": "Masc"}, + "NUM__Case=Loc|Gender=Neut": {POS: NUM, "Case": "Loc", "Gender": "Neut"}, + "NUM__Case=Nom": {POS: NUM, "Case": "Nom"}, + "NUM__Case=Nom|Gender=Fem": {POS: NUM, "Case": "Nom", "Gender": "Fem"}, + "NUM__Case=Nom|Gender=Masc": {POS: NUM, "Case": "Nom", "Gender": "Masc"}, + "NUM__Case=Nom|Gender=Neut": {POS: NUM, "Case": "Nom", "Gender": "Neut"}, + "NUM___": {POS: NUM}, + "PART__Mood=Cnd": {POS: PART, "Mood": "Cnd"}, + "PART__Polarity=Neg": {POS: PART, "Polarity": "Neg"}, + "PART___": {POS: PART}, + "PRON__Animacy=Anim|Case=Acc|Gender=Masc|Number=Plur": {POS: PRON, "Animacy": "Anim", "Case": "Acc", "Gender": "Masc", "Number": "Plur"}, + "PRON__Animacy=Anim|Case=Acc|Number=Plur": {POS: PRON, "Animacy": "Anim", "Case": "Acc", "Number": "Plur"}, + "PRON__Animacy=Anim|Case=Dat|Gender=Masc|Number=Sing": {POS: PRON, "Animacy": "Anim", "Case": "Dat", "Gender": "Masc", "Number": "Sing"}, + "PRON__Animacy=Anim|Case=Dat|Number=Plur": {POS: PRON, "Animacy": "Anim", "Case": "Dat", "Number": "Plur"}, + "PRON__Animacy=Anim|Case=Gen|Number=Plur": {POS: PRON, "Animacy": "Anim", "Case": "Gen", "Number": "Plur"}, + "PRON__Animacy=Anim|Case=Ins|Gender=Masc|Number=Sing": {POS: PRON, "Animacy": "Anim", "Case": "Ins", "Gender": "Masc", "Number": "Sing"}, + "PRON__Animacy=Anim|Case=Ins|Number=Plur": {POS: PRON, "Animacy": "Anim", "Case": "Ins", "Number": "Plur"}, + "PRON__Animacy=Anim|Case=Loc|Number=Plur": {POS: PRON, "Animacy": "Anim", "Case": "Loc", "Number": "Plur"}, + "PRON__Animacy=Anim|Case=Nom|Gender=Masc|Number=Plur": {POS: PRON, "Animacy": "Anim", "Case": "Nom", "Gender": "Masc", "Number": "Plur"}, + "PRON__Animacy=Anim|Case=Nom|Number=Plur": {POS: PRON, "Animacy": "Anim", "Case": "Nom", "Number": "Plur"}, + "PRON__Animacy=Anim|Gender=Masc|Number=Plur": {POS: PRON, "Animacy": "Anim", "Gender": "Masc", "Number": "Plur"}, + "PRON__Animacy=Inan|Case=Acc|Gender=Masc|Number=Sing": {POS: PRON, "Animacy": "Inan", "Case": "Acc", "Gender": "Masc", "Number": "Sing"}, + "PRON__Animacy=Inan|Case=Acc|Gender=Neut|Number=Sing": {POS: PRON, "Animacy": "Inan", "Case": "Acc", "Gender": "Neut", "Number": "Sing"}, + "PRON__Animacy=Inan|Case=Dat|Gender=Neut|Number=Sing": {POS: PRON, "Animacy": "Inan", "Case": "Dat", "Gender": "Neut", "Number": "Sing"}, + "PRON__Animacy=Inan|Case=Gen|Gender=Masc|Number=Sing": {POS: PRON, "Animacy": "Inan", "Case": "Gen", "Gender": "Masc", "Number": "Sing"}, + "PRON__Animacy=Inan|Case=Gen|Gender=Neut|Number=Sing": {POS: PRON, "Animacy": "Inan", "Case": "Gen", "Gender": "Neut", "Number": "Sing"}, + "PRON__Animacy=Inan|Case=Ins|Gender=Fem|Number=Sing": {POS: PRON, "Animacy": "Inan", "Case": "Ins", "Gender": "Fem", "Number": "Sing"}, + "PRON__Animacy=Inan|Case=Ins|Gender=Neut|Number=Sing": {POS: PRON, "Animacy": "Inan", "Case": "Ins", "Gender": "Neut", "Number": "Sing"}, + "PRON__Animacy=Inan|Case=Loc|Gender=Neut|Number=Sing": {POS: PRON, "Animacy": "Inan", "Case": "Loc", "Gender": "Neut", "Number": "Sing"}, + "PRON__Animacy=Inan|Case=Nom|Gender=Neut|Number=Sing": {POS: PRON, "Animacy": "Inan", "Case": "Nom", "Gender": "Neut", "Number": "Sing"}, + "PRON__Animacy=Inan|Gender=Neut|Number=Sing": {POS: PRON, "Animacy": "Inan", "Gender": "Neut", "Number": "Sing"}, + "PRON__Case=Acc": {POS: PRON, "Case": "Acc"}, + "PRON__Case=Acc|Gender=Fem|Number=Sing|Person=3": {POS: PRON, "Case": "Acc", "Gender": "Fem", "Number": "Sing", "Person": "3"}, + "PRON__Case=Acc|Gender=Masc|Number=Sing|Person=3": {POS: PRON, "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Person": "3"}, + "PRON__Case=Acc|Gender=Neut|Number=Sing|Person=3": {POS: PRON, "Case": "Acc", "Gender": "Neut", "Number": "Sing", "Person": "3"}, + "PRON__Case=Acc|Number=Plur|Person=1": {POS: PRON, "Case": "Acc", "Number": "Plur", "Person": "1"}, + "PRON__Case=Acc|Number=Plur|Person=2": {POS: PRON, "Case": "Acc", "Number": "Plur", "Person": "2"}, + "PRON__Case=Acc|Number=Plur|Person=3": {POS: PRON, "Case": "Acc", "Number": "Plur", "Person": "3"}, + "PRON__Case=Acc|Number=Sing|Person=1": {POS: PRON, "Case": "Acc", "Number": "Sing", "Person": "1"}, + "PRON__Case=Acc|Number=Sing|Person=2": {POS: PRON, "Case": "Acc", "Number": "Sing", "Person": "2"}, + "PRON__Case=Dat": {POS: PRON, "Case": "Dat"}, + "PRON__Case=Dat|Gender=Fem|Number=Sing|Person=3": {POS: PRON, "Case": "Dat", "Gender": "Fem", "Number": "Sing", "Person": "3"}, + "PRON__Case=Dat|Gender=Masc|Number=Sing|Person=3": {POS: PRON, "Case": "Dat", "Gender": "Masc", "Number": "Sing", "Person": "3"}, + "PRON__Case=Dat|Gender=Neut|Number=Sing|Person=3": {POS: PRON, "Case": "Dat", "Gender": "Neut", "Number": "Sing", "Person": "3"}, + "PRON__Case=Dat|Number=Plur|Person=1": {POS: PRON, "Case": "Dat", "Number": "Plur", "Person": "1"}, + "PRON__Case=Dat|Number=Plur|Person=2": {POS: PRON, "Case": "Dat", "Number": "Plur", "Person": "2"}, + "PRON__Case=Dat|Number=Plur|Person=3": {POS: PRON, "Case": "Dat", "Number": "Plur", "Person": "3"}, + "PRON__Case=Dat|Number=Sing|Person=1": {POS: PRON, "Case": "Dat", "Number": "Sing", "Person": "1"}, + "PRON__Case=Dat|Number=Sing|Person=2": {POS: PRON, "Case": "Dat", "Number": "Sing", "Person": "2"}, + "PRON__Case=Gen": {POS: PRON, "Case": "Gen"}, + "PRON__Case=Gen|Gender=Fem|Number=Sing|Person=3": {POS: PRON, "Case": "Gen", "Gender": "Fem", "Number": "Sing", "Person": "3"}, + "PRON__Case=Gen|Gender=Masc|Number=Sing|Person=3": {POS: PRON, "Case": "Gen", "Gender": "Masc", "Number": "Sing", "Person": "3"}, + "PRON__Case=Gen|Gender=Neut|Number=Sing|Person=3": {POS: PRON, "Case": "Gen", "Gender": "Neut", "Number": "Sing", "Person": "3"}, + "PRON__Case=Gen|Number=Plur|Person=1": {POS: PRON, "Case": "Gen", "Number": "Plur", "Person": "1"}, + "PRON__Case=Gen|Number=Plur|Person=2": {POS: PRON, "Case": "Gen", "Number": "Plur", "Person": "2"}, + "PRON__Case=Gen|Number=Plur|Person=3": {POS: PRON, "Case": "Gen", "Number": "Plur", "Person": "3"}, + "PRON__Case=Gen|Number=Sing|Person=1": {POS: PRON, "Case": "Gen", "Number": "Sing", "Person": "1"}, + "PRON__Case=Gen|Number=Sing|Person=2": {POS: PRON, "Case": "Gen", "Number": "Sing", "Person": "2"}, + "PRON__Case=Ins": {POS: PRON, "Case": "Ins"}, + "PRON__Case=Ins|Gender=Fem|Number=Sing|Person=3": {POS: PRON, "Case": "Ins", "Gender": "Fem", "Number": "Sing", "Person": "3"}, + "PRON__Case=Ins|Gender=Masc|Number=Sing|Person=3": {POS: PRON, "Case": "Ins", "Gender": "Masc", "Number": "Sing", "Person": "3"}, + "PRON__Case=Ins|Gender=Neut|Number=Sing|Person=3": {POS: PRON, "Case": "Ins", "Gender": "Neut", "Number": "Sing", "Person": "3"}, + "PRON__Case=Ins|Number=Plur|Person=1": {POS: PRON, "Case": "Ins", "Number": "Plur", "Person": "1"}, + "PRON__Case=Ins|Number=Plur|Person=2": {POS: PRON, "Case": "Ins", "Number": "Plur", "Person": "2"}, + "PRON__Case=Ins|Number=Plur|Person=3": {POS: PRON, "Case": "Ins", "Number": "Plur", "Person": "3"}, + "PRON__Case=Ins|Number=Sing|Person=1": {POS: PRON, "Case": "Ins", "Number": "Sing", "Person": "1"}, + "PRON__Case=Ins|Number=Sing|Person=2": {POS: PRON, "Case": "Ins", "Number": "Sing", "Person": "2"}, + "PRON__Case=Loc": {POS: PRON, "Case": "Loc"}, + "PRON__Case=Loc|Gender=Fem|Number=Sing|Person=3": {POS: PRON, "Case": "Loc", "Gender": "Fem", "Number": "Sing", "Person": "3"}, + "PRON__Case=Loc|Gender=Masc|Number=Sing|Person=3": {POS: PRON, "Case": "Loc", "Gender": "Masc", "Number": "Sing", "Person": "3"}, + "PRON__Case=Loc|Gender=Neut|Number=Sing|Person=3": {POS: PRON, "Case": "Loc", "Gender": "Neut", "Number": "Sing", "Person": "3"}, + "PRON__Case=Loc|Number=Plur|Person=1": {POS: PRON, "Case": "Loc", "Number": "Plur", "Person": "1"}, + "PRON__Case=Loc|Number=Plur|Person=2": {POS: PRON, "Case": "Loc", "Number": "Plur", "Person": "2"}, + "PRON__Case=Loc|Number=Plur|Person=3": {POS: PRON, "Case": "Loc", "Number": "Plur", "Person": "3"}, + "PRON__Case=Loc|Number=Sing|Person=1": {POS: PRON, "Case": "Loc", "Number": "Sing", "Person": "1"}, + "PRON__Case=Loc|Number=Sing|Person=2": {POS: PRON, "Case": "Loc", "Number": "Sing", "Person": "2"}, + "PRON__Case=Nom": {POS: PRON, "Case": "Nom"}, + "PRON__Case=Nom|Gender=Fem|Number=Sing|Person=3": {POS: PRON, "Case": "Nom", "Gender": "Fem", "Number": "Sing", "Person": "3"}, + "PRON__Case=Nom|Gender=Masc|Number=Sing|Person=3": {POS: PRON, "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Person": "3"}, + "PRON__Case=Nom|Gender=Neut|Number=Sing|Person=3": {POS: PRON, "Case": "Nom", "Gender": "Neut", "Number": "Sing", "Person": "3"}, + "PRON__Case=Nom|Number=Plur|Person=1": {POS: PRON, "Case": "Nom", "Number": "Plur", "Person": "1"}, + "PRON__Case=Nom|Number=Plur|Person=2": {POS: PRON, "Case": "Nom", "Number": "Plur", "Person": "2"}, + "PRON__Case=Nom|Number=Plur|Person=3": {POS: PRON, "Case": "Nom", "Number": "Plur", "Person": "3"}, + "PRON__Case=Nom|Number=Sing|Person=1": {POS: PRON, "Case": "Nom", "Number": "Sing", "Person": "1"}, + "PRON__Case=Nom|Number=Sing|Person=2": {POS: PRON, "Case": "Nom", "Number": "Sing", "Person": "2"}, + "PRON__Number=Sing|Person=1": {POS: PRON, "Number": "Sing", "Person": "1"}, + "PRON___": {POS: PRON}, + "PROPN__Animacy=Anim|Case=Acc|Gender=Fem|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Acc", "Gender": "Fem", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Acc|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Acc", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Acc|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Acc", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Acc|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Acc", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Acc|Gender=Neut|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Acc", "Gender": "Neut", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Dat|Gender=Fem|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Dat", "Gender": "Fem", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Dat|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Dat", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Dat|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Dat", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Dat|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Dat", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Dat|Gender=Neut|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Dat", "Gender": "Neut", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Gen|Foreign=Yes|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Gen", "Foreign": "Yes", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Gen|Gender=Fem|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Gen", "Gender": "Fem", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Gen|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Gen", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Gen|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Gen", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Gen|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Gen", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Ins|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Ins", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Ins|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Ins", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Ins|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Ins", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Ins|Gender=Neut|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Ins", "Gender": "Neut", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Loc|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Loc", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Loc|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Loc", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Loc|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Loc", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Nom|Foreign=Yes|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Nom", "Foreign": "Yes", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Nom|Gender=Fem|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Nom", "Gender": "Fem", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Nom|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Nom", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Nom|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Nom", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Nom|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Nom", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Anim|Case=Nom|Gender=Neut|Number=Plur": {POS: PROPN, "Animacy": "Anim", "Case": "Nom", "Gender": "Neut", "Number": "Plur"}, + "PROPN__Animacy=Anim|Case=Voc|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Case": "Voc", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Anim|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Anim", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Acc|Gender=Fem|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Acc", "Gender": "Fem", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Acc|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Acc", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Acc|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Acc", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Acc|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Acc", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Acc|Gender=Neut|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Acc", "Gender": "Neut", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Acc|Gender=Neut|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Acc", "Gender": "Neut", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Acc|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Acc", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Dat|Gender=Fem|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Dat", "Gender": "Fem", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Dat|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Dat", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Dat|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Dat", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Dat|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Dat", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Dat|Gender=Neut|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Dat", "Gender": "Neut", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Dat|Gender=Neut|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Dat", "Gender": "Neut", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Dat|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Dat", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Gen|Foreign=Yes|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Gen", "Foreign": "Yes", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Gen|Gender=Fem|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Gen", "Gender": "Fem", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Gen|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Gen", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Gen|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Gen", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Gen|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Gen", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Gen|Gender=Neut|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Gen", "Gender": "Neut", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Gen|Gender=Neut|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Gen", "Gender": "Neut", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Gen|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Gen", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Ins|Gender=Fem|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Ins", "Gender": "Fem", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Ins|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Ins", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Ins|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Ins", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Ins|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Ins", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Ins|Gender=Neut|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Ins", "Gender": "Neut", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Ins|Gender=Neut|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Ins", "Gender": "Neut", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Ins|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Ins", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Loc|Gender=Fem|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Loc", "Gender": "Fem", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Loc|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Loc", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Loc|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Loc", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Loc|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Loc", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Loc|Gender=Neut|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Loc", "Gender": "Neut", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Loc|Gender=Neut|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Loc", "Gender": "Neut", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Loc|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Loc", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Nom|Foreign=Yes|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Nom", "Foreign": "Yes", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Nom|Foreign=Yes|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Nom", "Foreign": "Yes", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Nom|Foreign=Yes|Gender=Neut|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Nom", "Foreign": "Yes", "Gender": "Neut", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Nom|Gender=Fem|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Nom", "Gender": "Fem", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Nom|Gender=Fem|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Nom", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Nom|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Nom", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Nom|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Nom", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Nom|Gender=Neut|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Nom", "Gender": "Neut", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Nom|Gender=Neut|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Nom", "Gender": "Neut", "Number": "Sing"}, + "PROPN__Animacy=Inan|Case=Nom|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Case": "Nom", "Number": "Plur"}, + "PROPN__Animacy=Inan|Case=Par|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Case": "Par", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Inan|Gender=Fem": {POS: PROPN, "Animacy": "Inan", "Gender": "Fem"}, + "PROPN__Animacy=Inan|Gender=Masc": {POS: PROPN, "Animacy": "Inan", "Gender": "Masc"}, + "PROPN__Animacy=Inan|Gender=Masc|Number=Plur": {POS: PROPN, "Animacy": "Inan", "Gender": "Masc", "Number": "Plur"}, + "PROPN__Animacy=Inan|Gender=Masc|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Animacy=Inan|Gender=Neut|Number=Sing": {POS: PROPN, "Animacy": "Inan", "Gender": "Neut", "Number": "Sing"}, + "PROPN__Case=Acc|Degree=Pos|Gender=Fem|Number=Sing": {POS: PROPN, "Case": "Acc", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Case=Dat|Degree=Pos|Gender=Masc|Number=Sing": {POS: PROPN, "Case": "Dat", "Degree": "Pos", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Case=Ins|Degree=Pos|Gender=Fem|Number=Sing": {POS: PROPN, "Case": "Ins", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Case=Ins|Degree=Pos|Number=Plur": {POS: PROPN, "Case": "Ins", "Degree": "Pos", "Number": "Plur"}, + "PROPN__Case=Nom|Degree=Pos|Gender=Fem|Number=Sing": {POS: PROPN, "Case": "Nom", "Degree": "Pos", "Gender": "Fem", "Number": "Sing"}, + "PROPN__Case=Nom|Degree=Pos|Gender=Masc|Number=Sing": {POS: PROPN, "Case": "Nom", "Degree": "Pos", "Gender": "Masc", "Number": "Sing"}, + "PROPN__Case=Nom|Degree=Pos|Gender=Neut|Number=Sing": {POS: PROPN, "Case": "Nom", "Degree": "Pos", "Gender": "Neut", "Number": "Sing"}, + "PROPN__Case=Nom|Degree=Pos|Number=Plur": {POS: PROPN, "Case": "Nom", "Degree": "Pos", "Number": "Plur"}, + "PROPN__Degree=Pos|Gender=Neut|Number=Sing|Variant=Short": {POS: PROPN, "Degree": "Pos", "Gender": "Neut", "Number": "Sing", "Variant": "Short"}, + "PROPN__Degree=Pos|Number=Plur|Variant=Short": {POS: PROPN, "Degree": "Pos", "Number": "Plur", "Variant": "Short"}, + "PROPN__Foreign=Yes": {POS: PROPN, "Foreign": "Yes"}, + "PROPN__Number=Sing": {POS: PROPN, "Number": "Sing"}, + "PROPN___": {POS: PROPN}, + "PUNCT___": {POS: PUNCT}, + "SCONJ__Mood=Cnd": {POS: SCONJ, "Mood": "Cnd"}, + "SCONJ___": {POS: SCONJ}, + "SYM___": {POS: SYM}, + "VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Anim", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Anim", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Anim", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Anim", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Animacy": "Anim", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Anim", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Anim", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Anim", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Anim", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Anim|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Animacy": "Anim", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Anim", "Aspect": "Perf", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Anim", "Aspect": "Perf", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Animacy": "Anim", "Aspect": "Perf", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Anim", "Aspect": "Perf", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Anim", "Aspect": "Perf", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Anim|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Animacy": "Anim", "Aspect": "Perf", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Inan|Aspect=Imp|Case=Acc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Animacy": "Inan", "Aspect": "Imp", "Case": "Acc", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Inan", "Aspect": "Perf", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Inan", "Aspect": "Perf", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Animacy": "Inan", "Aspect": "Perf", "Case": "Acc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Animacy": "Inan", "Aspect": "Perf", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Animacy": "Inan", "Aspect": "Perf", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Animacy=Inan|Aspect=Perf|Case=Acc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Animacy": "Inan", "Aspect": "Perf", "Case": "Acc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Acc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Acc", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Dat|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Dat|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Dat", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Gen|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Gen|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Gen", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Ins|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Ins|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Ins|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Ins|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Ins|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Ins|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Ins", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Loc|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Loc|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Loc", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Fem|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Masc|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Nom|Gender=Neut|Number=Sing|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Imp|Case=Nom|Number=Plur|Tense=Pres|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Case": "Nom", "Number": "Plur", "Tense": "Pres", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Gender": "Fem", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Gender": "Fem", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Gender": "Fem", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Pass"}, + "VERB__Aspect=Imp|Gender=Fem|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Gender=Fem|Number=Sing|Tense=Pres|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Gender": "Fem", "Number": "Sing", "Tense": "Pres", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Gender": "Masc", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Gender": "Masc", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Gender": "Masc", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Pass"}, + "VERB__Aspect=Imp|Gender=Masc|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Gender=Masc|Number=Sing|Tense=Pres|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Gender": "Masc", "Number": "Sing", "Tense": "Pres", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Gender": "Neut", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Gender": "Neut", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Gender": "Neut", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Pass"}, + "VERB__Aspect=Imp|Gender=Neut|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Gender=Neut|Number=Sing|Tense=Pres|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Gender": "Neut", "Number": "Sing", "Tense": "Pres", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Mood=Imp|Number=Plur|Person=2|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Mood": "Imp", "Number": "Plur", "Person": "2", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Mood=Imp|Number=Plur|Person=2|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Mood": "Imp", "Number": "Plur", "Person": "2", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Mood=Imp|Number=Sing|Person=2|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Mood": "Imp", "Number": "Sing", "Person": "2", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Mood=Imp|Number=Sing|Person=2|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Mood": "Imp", "Number": "Sing", "Person": "2", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=1|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Person": "1", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=1|Tense=Pres|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Person": "1", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=2|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Person": "2", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=2|Tense=Pres|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Person": "2", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=3|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Person": "3", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=3|Tense=Pres|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Person": "3", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Plur|Person=3|Tense=Pres|VerbForm=Fin|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Person": "3", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Pass"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Tense": "Past", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Plur", "Tense": "Past", "VerbForm": "Fin", "Voice": "Pass"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=1|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Sing", "Person": "1", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=1|Tense=Pres|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Sing", "Person": "1", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=2|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Sing", "Person": "2", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=2|Tense=Pres|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Sing", "Person": "2", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=3|Tense=Pres|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Sing", "Person": "3", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=3|Tense=Pres|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Sing", "Person": "3", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Imp|Mood=Ind|Number=Sing|Person=3|Tense=Pres|VerbForm=Fin|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Mood": "Ind", "Number": "Sing", "Person": "3", "Tense": "Pres", "VerbForm": "Fin", "Voice": "Pass"}, + "VERB__Aspect=Imp|Number=Plur|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Number": "Plur", "Tense": "Past", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Number=Plur|Tense=Pres|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Number": "Plur", "Tense": "Pres", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Imp|Tense=Past|VerbForm=Conv|Voice=Act": {POS: VERB, "Aspect": "Imp", "Tense": "Past", "VerbForm": "Conv", "Voice": "Act"}, + "VERB__Aspect=Imp|Tense=Pres|VerbForm=Conv|Voice=Act": {POS: VERB, "Aspect": "Imp", "Tense": "Pres", "VerbForm": "Conv", "Voice": "Act"}, + "VERB__Aspect=Imp|Tense=Pres|VerbForm=Conv|Voice=Mid": {POS: VERB, "Aspect": "Imp", "Tense": "Pres", "VerbForm": "Conv", "Voice": "Mid"}, + "VERB__Aspect=Imp|Tense=Pres|VerbForm=Conv|Voice=Pass": {POS: VERB, "Aspect": "Imp", "Tense": "Pres", "VerbForm": "Conv", "Voice": "Pass"}, + "VERB__Aspect=Imp|VerbForm=Inf|Voice=Act": {POS: VERB, "Aspect": "Imp", "VerbForm": "Inf", "Voice": "Act"}, + "VERB__Aspect=Imp|VerbForm=Inf|Voice=Mid": {POS: VERB, "Aspect": "Imp", "VerbForm": "Inf", "Voice": "Mid"}, + "VERB__Aspect=Imp|VerbForm=Inf|Voice=Pass": {POS: VERB, "Aspect": "Imp", "VerbForm": "Inf", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Acc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Acc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Acc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Acc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Acc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Acc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Acc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Acc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Dat|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Dat|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Dat|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Dat|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Dat|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Dat|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Dat|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Dat|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Dat", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Gen|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Gen|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Gen|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Gen|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Gen|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Gen|Number=Plur|Tense=Fut|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Number": "Plur", "Tense": "Fut", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Gen|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Gen", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Ins|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Ins|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Ins|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Ins|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Ins|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Ins|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Ins|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Ins|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Ins|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Ins|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Ins|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Ins|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Ins", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Loc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Loc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Loc|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Loc|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Loc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Loc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Loc|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Loc|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Loc", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Nom|Gender=Fem|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Nom|Gender=Masc|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Nom|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Nom|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Nom|Gender=Neut|Number=Sing|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Act": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Act"}, + "VERB__Aspect=Perf|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Mid"}, + "VERB__Aspect=Perf|Case=Nom|Number=Plur|Tense=Past|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Case": "Nom", "Number": "Plur", "Tense": "Past", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Gender": "Fem", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Gender=Fem|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Gender": "Fem", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Gender=Fem|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Gender": "Fem", "Number": "Sing", "Tense": "Past", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Gender": "Masc", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Gender=Masc|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Gender": "Masc", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Gender=Masc|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Gender": "Masc", "Number": "Sing", "Tense": "Past", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Gender": "Neut", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Gender=Neut|Mood=Ind|Number=Sing|Tense=Past|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Gender": "Neut", "Mood": "Ind", "Number": "Sing", "Tense": "Past", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Gender=Neut|Number=Sing|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Gender": "Neut", "Number": "Sing", "Tense": "Past", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Mood=Imp|Number=Plur|Person=1|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Mood": "Imp", "Number": "Plur", "Person": "1", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Mood=Imp|Number=Plur|Person=2|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Mood": "Imp", "Number": "Plur", "Person": "2", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Mood=Imp|Number=Plur|Person=2|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Mood": "Imp", "Number": "Plur", "Person": "2", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Mood=Imp|Number=Sing|Person=2|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Mood": "Imp", "Number": "Sing", "Person": "2", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Mood=Imp|Number=Sing|Person=2|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Mood": "Imp", "Number": "Sing", "Person": "2", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=1|Tense=Fut|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Plur", "Person": "1", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=1|Tense=Fut|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Plur", "Person": "1", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=2|Tense=Fut|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Plur", "Person": "2", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=2|Tense=Fut|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Plur", "Person": "2", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=3|Tense=Fut|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Plur", "Person": "3", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=3|Tense=Fut|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Plur", "Person": "3", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Plur|Person=3|Tense=Fut|VerbForm=Fin|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Plur", "Person": "3", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Pass"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Plur", "Tense": "Past", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Plur|Tense=Past|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Plur", "Tense": "Past", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=1|Tense=Fut|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Sing", "Person": "1", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=1|Tense=Fut|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Sing", "Person": "1", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=2|Tense=Fut|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Sing", "Person": "2", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=2|Tense=Fut|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Sing", "Person": "2", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=3|Tense=Fut|VerbForm=Fin|Voice=Act": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Sing", "Person": "3", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Act"}, + "VERB__Aspect=Perf|Mood=Ind|Number=Sing|Person=3|Tense=Fut|VerbForm=Fin|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Mood": "Ind", "Number": "Sing", "Person": "3", "Tense": "Fut", "VerbForm": "Fin", "Voice": "Mid"}, + "VERB__Aspect=Perf|Number=Plur|Tense=Past|Variant=Short|VerbForm=Part|Voice=Pass": {POS: VERB, "Aspect": "Perf", "Number": "Plur", "Tense": "Past", "Variant": "Short", "VerbForm": "Part", "Voice": "Pass"}, + "VERB__Aspect=Perf|Tense=Past|VerbForm=Conv|Voice=Act": {POS: VERB, "Aspect": "Perf", "Tense": "Past", "VerbForm": "Conv", "Voice": "Act"}, + "VERB__Aspect=Perf|Tense=Past|VerbForm=Conv|Voice=Mid": {POS: VERB, "Aspect": "Perf", "Tense": "Past", "VerbForm": "Conv", "Voice": "Mid"}, + "VERB__Aspect=Perf|VerbForm=Inf|Voice=Act": {POS: VERB, "Aspect": "Perf", "VerbForm": "Inf", "Voice": "Act"}, + "VERB__Aspect=Perf|VerbForm=Inf|Voice=Mid": {POS: VERB, "Aspect": "Perf", "VerbForm": "Inf", "Voice": "Mid"}, + "VERB__Voice=Act": {POS: VERB, "Voice": "Act"}, + "VERB___": {POS: VERB}, + "X__Foreign=Yes": {POS: X, "Foreign": "Yes"}, + "X___": {POS: X}, } +# fmt: on diff --git a/spacy/lang/si/__init__.py b/spacy/lang/si/__init__.py index 22d07f5dc..a58a63f03 100644 --- a/spacy/lang/si/__init__.py +++ b/spacy/lang/si/__init__.py @@ -11,13 +11,13 @@ from ...attrs import LANG class SinhalaDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[LANG] = lambda text: 'si' + lex_attr_getters[LANG] = lambda text: "si" stop_words = STOP_WORDS class Sinhala(Language): - lang = 'si' + lang = "si" Defaults = SinhalaDefaults -__all__ = ['Sinhala'] +__all__ = ["Sinhala"] diff --git a/spacy/lang/si/lex_attrs.py b/spacy/lang/si/lex_attrs.py index 4c4e1ef06..5d5f06187 100644 --- a/spacy/lang/si/lex_attrs.py +++ b/spacy/lang/si/lex_attrs.py @@ -3,19 +3,57 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = ['බින්දුව', 'බිංදුව', 'එක', 'දෙක', 'තුන', 'හතර', 'පහ', 'හය', 'හත', - 'අට', 'නවය', 'නමය', 'දහය', 'එකොළහ', 'දොළහ', 'දහතුන', 'දහහතර', - 'දාහතර', 'පහළව', 'පහළොව', 'දහසය', 'දහහත', 'දාහත', 'දහඅට', - 'දහනවය', 'විස්ස', 'තිහ', 'හතළිහ', 'පනහ', 'හැට', 'හැත්තෑව', 'අසූව', - 'අනූව', 'සියය', 'දහස', 'දාහ', 'ලක්ෂය', 'මිලියනය', 'කෝටිය', - 'බිලියනය', 'ට්‍රිලියනය'] +_num_words = [ + "බින්දුව", + "බිංදුව", + "එක", + "දෙක", + "තුන", + "හතර", + "පහ", + "හය", + "හත", + "අට", + "නවය", + "නමය", + "දහය", + "එකොළහ", + "දොළහ", + "දහතුන", + "දහහතර", + "දාහතර", + "පහළව", + "පහළොව", + "දහසය", + "දහහත", + "දාහත", + "දහඅට", + "දහනවය", + "විස්ස", + "තිහ", + "හතළිහ", + "පනහ", + "හැට", + "හැත්තෑව", + "අසූව", + "අනූව", + "සියය", + "දහස", + "දාහ", + "ලක්ෂය", + "මිලියනය", + "කෝටිය", + "බිලියනය", + "ට්‍රිලියනය", +] + def like_num(text): - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -23,6 +61,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/si/stop_words.py b/spacy/lang/si/stop_words.py index a3473f0a1..8bbdec6b7 100644 --- a/spacy/lang/si/stop_words.py +++ b/spacy/lang/si/stop_words.py @@ -2,9 +2,8 @@ from __future__ import unicode_literals -# Stop words - -STOP_WORDS = set(""" +STOP_WORDS = set( + """ අතර එච්චර එපමණ @@ -47,5 +46,6 @@ STOP_WORDS = set(""" සහ හා හෙවත් -හෝ -""".split()) +හෝ +""".split() +) diff --git a/spacy/lang/sv/__init__.py b/spacy/lang/sv/__init__.py index 224c105d7..d8e25be98 100644 --- a/spacy/lang/sv/__init__.py +++ b/spacy/lang/sv/__init__.py @@ -15,17 +15,20 @@ from ...util import update_exc, add_lookups class SwedishDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'sv' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "sv" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS lemma_rules = LEMMA_RULES lemma_lookup = LOOKUP + morph_rules = MORPH_RULES class Swedish(Language): - lang = 'sv' + lang = "sv" Defaults = SwedishDefaults -__all__ = ['Swedish'] +__all__ = ["Swedish"] diff --git a/spacy/lang/sv/examples.py b/spacy/lang/sv/examples.py index 4f4b3997e..58e095195 100644 --- a/spacy/lang/sv/examples.py +++ b/spacy/lang/sv/examples.py @@ -14,5 +14,5 @@ sentences = [ "Apple överväger att köpa brittisk startup för 1 miljard dollar.", "Självkörande bilar förskjuter försäkringsansvar mot tillverkare.", "San Fransisco överväger förbud mot leveransrobotar på trottoarer.", - "London är en storstad i Storbritannien." + "London är en storstad i Storbritannien.", ] diff --git a/spacy/lang/sv/lemmatizer/__init__.py b/spacy/lang/sv/lemmatizer/__init__.py index d6be80316..f17bc791e 100644 --- a/spacy/lang/sv/lemmatizer/__init__.py +++ b/spacy/lang/sv/lemmatizer/__init__.py @@ -1,7 +1,7 @@ # coding: utf8 from __future__ import unicode_literals -from .lookup import LOOKUP +from .lookup import LOOKUP # noqa: F401 LEMMA_RULES = { @@ -22,9 +22,8 @@ LEMMA_RULES = { ["lar", "el"], ["arna", "e"], ["arna", ""], - ["larna", "el"] + ["larna", "el"], ], - "verb": [ ["r", ""], ["de", ""], @@ -87,9 +86,8 @@ LEMMA_RULES = { ["åt", "ät"], ["ar", "är"], ["alt", "ält"], - ["ultit", "ält"] + ["ultit", "ält"], ], - "adj": [ ["are", ""], ["ast", ""], @@ -100,13 +98,7 @@ LEMMA_RULES = { ["ängre", "ång"], ["ängst", "ång"], ["örre", "or"], - ["örst", "or"] + ["örst", "or"], ], - - "punct": [ - ["“", "\""], - ["”", "\""], - ["\u2018", "'"], - ["\u2019", "'"] - ] + "punct": [["“", '"'], ["”", '"'], ["\u2018", "'"], ["\u2019", "'"]], } diff --git a/spacy/lang/sv/morph_rules.py b/spacy/lang/sv/morph_rules.py index e28322e98..77744813f 100644 --- a/spacy/lang/sv/morph_rules.py +++ b/spacy/lang/sv/morph_rules.py @@ -5,64 +5,284 @@ from ...symbols import LEMMA, PRON_LEMMA # Used the table of pronouns at https://sv.wiktionary.org/wiki/deras - MORPH_RULES = { "PRP": { - "jag": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Case": "Nom"}, - "mig": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Case": "Acc"}, - "mej": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Case": "Acc"}, - "du": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Case": "Nom"}, - "han": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Masc", "Case": "Nom"}, - "honom": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Masc", "Case": "Acc"}, - "hon": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Fem", "Case": "Nom"}, - "henne": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Fem", "Case": "Acc"}, - "det": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Sing", "Gender": "Neut"}, - "vi": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Case": "Nom"}, - "oss": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Case": "Acc"}, - "ni": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Case": "Nom"}, - "er": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Case": "Acc"}, - "de": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Nom"}, - "dom": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Nom"}, - "dem": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Acc"}, - "dom": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Case": "Acc"}, - - "min": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Poss": "Yes", "Reflex": "Yes"}, - "mitt": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Sing", "Poss": "Yes", "Reflex": "Yes"}, - "mina": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "din": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Reflex": "Yes"}, - "ditt": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Reflex": "Yes"}, - "dina": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "hans": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Gender": "Masc", "Poss": "Yes", "Reflex": "Yes"}, - "hans": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Gender": "Masc", "Poss": "Yes", "Reflex": "Yes"}, - "hennes": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Gender": "Fem", "Poss": "Yes", "Reflex": "Yes"}, - "hennes": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Gender": "Fem", "Poss": "Yes", "Reflex": "Yes"}, - "dess": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Sing", "Poss": "Yes", "Reflex": "Yes"}, - "dess": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "vår": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "våran": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "vårt": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "vårat": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "våra": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "One", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "er": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "eran": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "ert": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "erat": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "era": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"}, - "deras": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Three", "Number": "Plur", "Poss": "Yes", "Reflex": "Yes"} + "jag": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Case": "Nom", + }, + "mig": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Case": "Acc", + }, + "mej": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Case": "Acc", + }, + "du": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Case": "Nom", + }, + "han": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Masc", + "Case": "Nom", + }, + "honom": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Masc", + "Case": "Acc", + }, + "hon": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Fem", + "Case": "Nom", + }, + "henne": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Fem", + "Case": "Acc", + }, + "det": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Sing", + "Gender": "Neut", + }, + "vi": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Case": "Nom", + }, + "oss": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Case": "Acc", + }, + "ni": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Case": "Nom", + }, + "er": {LEMMA: PRON_LEMMA, "PronType": "Prs", "Person": "Two", "Number": "Plur"}, + "de": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Case": "Nom", + }, + "dom": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Case": ("Nom", "Acc"), + }, + "dem": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Case": "Acc", + }, + "min": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Reflex": "Yes", + }, + "mitt": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Sing", + "Poss": "Yes", + "Reflex": "Yes", + }, + "mina": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "din": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Poss": "Yes", + "Reflex": "Yes", + }, + "ditt": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Sing", + "Poss": "Yes", + "Reflex": "Yes", + }, + "dina": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "hans": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": ("Sing", "Plur"), + "Gender": "Masc", + "Poss": "Yes", + "Reflex": "Yes", + }, + "hennes": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": ("Sing", "Plur"), + "Gender": "Fem", + "Poss": "Yes", + "Reflex": "Yes", + }, + "dess": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": ("Sing", "Plur"), + "Poss": "Yes", + "Reflex": "Yes", + }, + "vår": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "våran": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "vårt": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "vårat": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "våra": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "One", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "eran": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "ert": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "erat": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "era": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Two", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, + "deras": { + LEMMA: PRON_LEMMA, + "PronType": "Prs", + "Person": "Three", + "Number": "Plur", + "Poss": "Yes", + "Reflex": "Yes", + }, }, - "VBZ": { - "är": {"VerbForm": "Fin", "Person": "One", "Tense": "Pres", "Mood": "Ind"}, - "är": {"VerbForm": "Fin", "Person": "Two", "Tense": "Pres", "Mood": "Ind"}, - "är": {"VerbForm": "Fin", "Person": "Three", "Tense": "Pres", "Mood": "Ind"}, + "är": { + "VerbForm": "Fin", + "Person": ("One", "Two", "Three"), + "Tense": "Pres", + "Mood": "Ind", + } }, - - "VBP": { - "är": {"VerbForm": "Fin", "Tense": "Pres", "Mood": "Ind"} - }, - + "VBP": {"är": {"VerbForm": "Fin", "Tense": "Pres", "Mood": "Ind"}}, "VBD": { - "var": {"VerbForm": "Fin", "Tense": "Past", "Number": "Sing"}, - "vart": {"VerbForm": "Fin", "Tense": "Past", "Number": "Plur"} - } + "var": {"VerbForm": "Fin", "Tense": "Past", "Number": "Sing"}, + "vart": {"VerbForm": "Fin", "Tense": "Past", "Number": "Plur"}, + }, } diff --git a/spacy/lang/sv/stop_words.py b/spacy/lang/sv/stop_words.py index 1e7e13583..206abce5a 100644 --- a/spacy/lang/sv/stop_words.py +++ b/spacy/lang/sv/stop_words.py @@ -2,7 +2,8 @@ from __future__ import unicode_literals -STOP_WORDS = set(""" +STOP_WORDS = set( + """ aderton adertonde adjö aldrig alla allas allt alltid alltså än andra andras annan annat ännu artonde arton åtminstone att åtta åttio åttionde åttonde av även @@ -65,4 +66,5 @@ under upp ur ursäkt ut utan utanför ute vad vänster vänstra var vår vara våra varför varifrån varit varken värre varsågod vart vårt vem vems verkligen vi vid vidare viktig viktigare viktigast viktigt vilka vilken vilket vill -""".split()) +""".split() +) diff --git a/spacy/lang/sv/tokenizer_exceptions.py b/spacy/lang/sv/tokenizer_exceptions.py index 444a04c4a..f6dc011f0 100644 --- a/spacy/lang/sv/tokenizer_exceptions.py +++ b/spacy/lang/sv/tokenizer_exceptions.py @@ -16,13 +16,15 @@ for verb_data in [ {ORTH: "hajar", LEMMA: "förstår"}, {ORTH: "lever"}, {ORTH: "serr", LEMMA: "ser"}, - {ORTH: "fixar"}]: + {ORTH: "fixar"}, +]: verb_data_tc = dict(verb_data) verb_data_tc[ORTH] = verb_data_tc[ORTH].title() for data in [verb_data, verb_data_tc]: _exc[data[ORTH] + "u"] = [ dict(data), - {ORTH: "u", LEMMA: PRON_LEMMA, NORM: "du"}] + {ORTH: "u", LEMMA: PRON_LEMMA, NORM: "du"}, + ] for exc_data in [ @@ -65,18 +67,74 @@ for exc_data in [ {ORTH: "Lör.", LEMMA: "Lördag"}, {ORTH: "Sön.", LEMMA: "Söndag"}, {ORTH: "sthlm", LEMMA: "Stockholm"}, - {ORTH: "gbg", LEMMA: "Göteborg"}]: + {ORTH: "gbg", LEMMA: "Göteborg"}, +]: _exc[exc_data[ORTH]] = [exc_data] ABBREVIATIONS = [ - "ang", "anm", "bil", "bl.a", "d.v.s", "doc", "dvs", "e.d", "e.kr", "el", - "eng", "etc", "exkl", "f", "f.d", "f.kr", "f.n", "f.ö", "fid", "fig", - "forts", "fr.o.m", "förf", "inkl", "jur", "kap", "kl", "kor", "kr", - "kungl", "lat", "m.a.o", "m.fl", "m.m", "max", "milj", "min", "mos", - "mt", "o.d", "o.s.v", "obs", "osv", "p.g.a", "proc", "prof", "ref", - "resp", "s.a.s", "s.k", "s.t", "sid", "s:t", "t.ex", "t.h", "t.o.m", "t.v", - "tel", "ung", "vol", "äv", "övers" + "ang", + "anm", + "bil", + "bl.a", + "d.v.s", + "doc", + "dvs", + "e.d", + "e.kr", + "el", + "eng", + "etc", + "exkl", + "f", + "f.d", + "f.kr", + "f.n", + "f.ö", + "fid", + "fig", + "forts", + "fr.o.m", + "förf", + "inkl", + "jur", + "kap", + "kl", + "kor", + "kr", + "kungl", + "lat", + "m.a.o", + "m.fl", + "m.m", + "max", + "milj", + "min", + "mos", + "mt", + "o.d", + "o.s.v", + "obs", + "osv", + "p.g.a", + "proc", + "prof", + "ref", + "resp", + "s.a.s", + "s.k", + "s.t", + "sid", + "s:t", + "t.ex", + "t.h", + "t.o.m", + "t.v", + "tel", + "ung", + "vol", + "äv", + "övers", ] ABBREVIATIONS = [abbr + "." for abbr in ABBREVIATIONS] + ABBREVIATIONS @@ -86,8 +144,6 @@ for orth in ABBREVIATIONS: # Sentences ending in "i." (as in "... peka i."), "m." (as in "...än 2000 m."), # should be tokenized as two separate tokens. for orth in ["i", "m"]: - _exc[orth + "."] = [ - {ORTH: orth, LEMMA: orth, NORM: orth}, - {ORTH: ".", TAG: PUNCT}] + _exc[orth + "."] = [{ORTH: orth, LEMMA: orth, NORM: orth}, {ORTH: ".", TAG: PUNCT}] TOKENIZER_EXCEPTIONS = _exc diff --git a/spacy/lang/tag_map.py b/spacy/lang/tag_map.py index f7c42a434..3a744f180 100644 --- a/spacy/lang/tag_map.py +++ b/spacy/lang/tag_map.py @@ -6,23 +6,23 @@ from ..symbols import PUNCT, NUM, AUX, X, CONJ, ADJ, VERB, PART, SPACE, CCONJ TAG_MAP = { - "ADV": {POS: ADV}, - "NOUN": {POS: NOUN}, - "ADP": {POS: ADP}, - "PRON": {POS: PRON}, - "SCONJ": {POS: SCONJ}, - "PROPN": {POS: PROPN}, - "DET": {POS: DET}, - "SYM": {POS: SYM}, - "INTJ": {POS: INTJ}, - "PUNCT": {POS: PUNCT}, - "NUM": {POS: NUM}, - "AUX": {POS: AUX}, - "X": {POS: X}, - "CONJ": {POS: CONJ}, - "CCONJ": {POS: CCONJ}, - "ADJ": {POS: ADJ}, - "VERB": {POS: VERB}, - "PART": {POS: PART}, - "_SP": {POS: SPACE} + "ADV": {POS: ADV}, + "NOUN": {POS: NOUN}, + "ADP": {POS: ADP}, + "PRON": {POS: PRON}, + "SCONJ": {POS: SCONJ}, + "PROPN": {POS: PROPN}, + "DET": {POS: DET}, + "SYM": {POS: SYM}, + "INTJ": {POS: INTJ}, + "PUNCT": {POS: PUNCT}, + "NUM": {POS: NUM}, + "AUX": {POS: AUX}, + "X": {POS: X}, + "CONJ": {POS: CONJ}, + "CCONJ": {POS: CCONJ}, + "ADJ": {POS: ADJ}, + "VERB": {POS: VERB}, + "PART": {POS: PART}, + "_SP": {POS: SPACE}, } diff --git a/spacy/lang/te/__init__.py b/spacy/lang/te/__init__.py index b1526c076..a4709177d 100644 --- a/spacy/lang/te/__init__.py +++ b/spacy/lang/te/__init__.py @@ -11,13 +11,13 @@ from ...attrs import LANG class TeluguDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[LANG] = lambda text: 'te' + lex_attr_getters[LANG] = lambda text: "te" stop_words = STOP_WORDS class Telugu(Language): - lang = 'te' + lang = "te" Defaults = TeluguDefaults -__all__ = ['Telugu'] +__all__ = ["Telugu"] diff --git a/spacy/lang/te/examples.py b/spacy/lang/te/examples.py index f449d681a..815ec8227 100644 --- a/spacy/lang/te/examples.py +++ b/spacy/lang/te/examples.py @@ -20,5 +20,5 @@ sentences = [ "నువ్వు ఎక్కడ ఉన్నావ్?", "ఫ్రాన్స్ అధ్యక్షుడు ఎవరు?", "యునైటెడ్ స్టేట్స్ యొక్క రాజధాని ఏంటి?", - "బరాక్ ఒబామా ఎప్పుడు జన్మించారు?" + "బరాక్ ఒబామా ఎప్పుడు జన్మించారు?", ] diff --git a/spacy/lang/te/lex_attrs.py b/spacy/lang/te/lex_attrs.py index f9218b70a..6da766dca 100644 --- a/spacy/lang/te/lex_attrs.py +++ b/spacy/lang/te/lex_attrs.py @@ -3,19 +3,50 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = ['సున్నా', 'శూన్యం', 'ఒకటి', 'రెండు', 'మూడు', 'నాలుగు', 'ఐదు', 'ఆరు', - 'ఏడు', 'ఎనిమిది', 'తొమ్మిది', 'పది', 'పదకొండు', 'పన్నెండు', 'పదమూడు', - 'పద్నాలుగు', 'పదిహేను', 'పదహారు', 'పదిహేడు', 'పద్దెనిమిది', 'పందొమ్మిది', 'ఇరవై', - 'ముప్పై', 'నలభై', 'యాభై', 'అరవై', 'డెబ్బై', 'ఎనభై', 'తొంబై', 'వంద', 'నూరు', - 'వెయ్యి', 'లక్ష', 'కోటి'] +_num_words = [ + "సున్నా", + "శూన్యం", + "ఒకటి", + "రెండు", + "మూడు", + "నాలుగు", + "ఐదు", + "ఆరు", + "ఏడు", + "ఎనిమిది", + "తొమ్మిది", + "పది", + "పదకొండు", + "పన్నెండు", + "పదమూడు", + "పద్నాలుగు", + "పదిహేను", + "పదహారు", + "పదిహేడు", + "పద్దెనిమిది", + "పందొమ్మిది", + "ఇరవై", + "ముప్పై", + "నలభై", + "యాభై", + "అరవై", + "డెబ్బై", + "ఎనభై", + "తొంబై", + "వంద", + "నూరు", + "వెయ్యి", + "లక్ష", + "కోటి", +] def like_num(text): - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -23,6 +54,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/te/stop_words.py b/spacy/lang/te/stop_words.py index f951a03b4..11e157177 100644 --- a/spacy/lang/te/stop_words.py +++ b/spacy/lang/te/stop_words.py @@ -3,7 +3,8 @@ from __future__ import unicode_literals # Source: https://github.com/Xangis/extra-stopwords (MIT License) -STOP_WORDS = set(""" +STOP_WORDS = set( + """ అందరూ అందుబాటులో అడగండి @@ -54,4 +55,5 @@ STOP_WORDS = set(""" వేరుగా వ్యతిరేకంగా సంబంధం -""".split()) +""".split() +) diff --git a/spacy/lang/th/__init__.py b/spacy/lang/th/__init__.py index 0786bbdc4..64c10f610 100644 --- a/spacy/lang/th/__init__.py +++ b/spacy/lang/th/__init__.py @@ -5,34 +5,33 @@ from .tokenizer_exceptions import TOKENIZER_EXCEPTIONS from .tag_map import TAG_MAP from .stop_words import STOP_WORDS -from ..tokenizer_exceptions import BASE_EXCEPTIONS from ...tokens import Doc -from ..norm_exceptions import BASE_NORMS from ...language import Language -from ...attrs import LANG, NORM -from ...util import update_exc, add_lookups +from ...attrs import LANG class ThaiDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'th' + lex_attr_getters[LANG] = lambda text: "th" tokenizer_exceptions = dict(TOKENIZER_EXCEPTIONS) tag_map = TAG_MAP stop_words = STOP_WORDS class Thai(Language): - lang = 'th' + lang = "th" Defaults = ThaiDefaults def make_doc(self, text): try: from pythainlp.tokenize import word_tokenize except ImportError: - raise ImportError("The Thai tokenizer requires the PyThaiNLP library: " - "https://github.com/PyThaiNLP/pythainlp") - words = [x for x in list(word_tokenize(text,"newmm"))] - return Doc(self.vocab, words=words, spaces=[False]*len(words)) + raise ImportError( + "The Thai tokenizer requires the PyThaiNLP library: " + "https://github.com/PyThaiNLP/pythainlp" + ) + words = [x for x in list(word_tokenize(text, "newmm"))] + return Doc(self.vocab, words=words, spaces=[False] * len(words)) -__all__ = ['Thai'] +__all__ = ["Thai"] diff --git a/spacy/lang/th/stop_words.py b/spacy/lang/th/stop_words.py index e13dec984..18d8b8f9e 100644 --- a/spacy/lang/th/stop_words.py +++ b/spacy/lang/th/stop_words.py @@ -1,62 +1,64 @@ # encoding: utf8 from __future__ import unicode_literals -# data from https://github.com/wannaphongcom/pythainlp/blob/dev/pythainlp/corpus/stopwords-th.txt +# Source: https://github.com/wannaphongcom/pythainlp/blob/dev/pythainlp/corpus/stopwords-th.txt # stop words as whitespace-separated list -STOP_WORDS = set(""" -นี้ นํา นั้น นัก นอกจาก ทุก ที่สุด ที่ ทําให้ ทํา ทาง ทั้งนี้ ดัง ซึ่ง ช่วง จาก จัด จะ คือ ความ ครั้ง คง ขึ้น ของ -ขอ รับ ระหว่าง รวม ยัง มี มาก มา พร้อม พบ ผ่าน ผล บาง น่า เปิดเผย เปิด เนื่องจาก เดียวกัน เดียว เช่น เฉพาะ เข้า ถ้า -ถูก ถึง ต้อง ต่างๆ ต่าง ต่อ ตาม ตั้งแต่ ตั้ง ด้าน ด้วย อีก อาจ ออก อย่าง อะไร อยู่ อยาก หาก หลาย หลังจาก แต่ เอง เห็น -เลย เริ่ม เรา เมื่อ เพื่อ เพราะ เป็นการ เป็น หลัง หรือ หนึ่ง ส่วน ส่ง สุด สําหรับ ว่า ลง ร่วม ราย ขณะ ก่อน ก็ การ กับ กัน -กว่า กล่าว จึง ไว้ ไป ได้ ให้ ใน โดย แห่ง แล้ว และ แรก แบบ ๆ ทั้ง วัน เขา เคย ไม่ อยาก เกิน เกินๆ เกี่ยวกัน เกี่ยวกับ -เกี่ยวข้อง เกี่ยวเนื่อง เกี่ยวๆ เกือบ เกือบจะ เกือบๆ แก แก่ แก้ไข ใกล้ ใกล้ๆ ไกล ไกลๆ ขณะเดียวกัน ขณะใด ขณะใดๆ ขณะที่ ขณะนั้น ขณะนี้ ขณะหนึ่ง ขวาง -ขวางๆ ขั้น ใคร ใคร่ ใคร่จะ ใครๆ ง่าย ง่ายๆ ไง จง จด จน จนกระทั่ง จนกว่า จนขณะนี้ จนตลอด จนถึง จนทั่ว จนบัดนี้ จนเมื่อ จนแม้ จนแม้น -จรด จรดกับ จริง จริงจัง จริงๆ จริงๆจังๆ จวน จวนจะ จวนเจียน จวบ ซึ่งก็ ซึ่งก็คือ ซึ่งกัน ซึ่งกันและกัน ซึ่งได้แก่ ซึ่งๆ ณ ด้วย ด้วยกัน ด้วยเช่นกัน ด้วยที่ ด้วยประการฉะนี้ -ด้วยเพราะ ด้วยว่า ด้วยเหตุที่ ด้วยเหตุนั้น ด้วยเหตุนี้ ด้วยเหตุเพราะ ด้วยเหตุว่า ด้วยเหมือนกัน ดั่ง ดังกล่าว ดังกับ ดั่งกับ ดังกับว่า ดั่งกับว่า ดังเก่า -ดั่งเก่า ดังเคย ใดๆ ได้ ได้แก่ ได้แต่ ได้ที่ ได้มา ได้รับ ตน ตนเอง ตนฯ ตรง ตรงๆ ตลอด ตลอดกาล ตลอดกาลนาน ตลอดจน ตลอดถึง ตลอดทั้ง -ตลอดทั่ว ตลอดทั่วถึง ตลอดทั่วทั้ง ตลอดปี ตลอดไป ตลอดมา ตลอดระยะเวลา ตลอดวัน ตลอดเวลา ตลอดศก ต่อ ต่อกัน ถึงแก่ ถึงจะ ถึงบัดนั้น ถึงบัดนี้ -ถึงเมื่อ ถึงเมื่อใด ถึงเมื่อไร ถึงแม้ ถึงแม้จะ ถึงแม้ว่า ถึงอย่างไร ถือ ถือว่า ถูกต้อง ถูกๆ เถอะ เถิด ทรง ทว่า ทั้งคน ทั้งตัว ทั้งที ทั้งที่ ทั้งนั้น ทั้งนั้นด้วย ทั้งนั้นเพราะ -นอก นอกจากที่ นอกจากนั้น นอกจากนี้ นอกจากว่า นอกนั้น นอกเหนือ นอกเหนือจาก น้อย น้อยกว่า น้อยๆ นะ น่ะ นักๆ นั่น นั่นไง นั่นเป็น นั่นแหละ -นั่นเอง นั้นๆ นับ นับจากนั้น นับจากนี้ นับตั้งแต่ นับแต่ นับแต่ที่ นับแต่นั้น เป็นต้น เป็นต้นไป เป็นต้นมา เป็นแต่ เป็นแต่เพียง เป็นที เป็นที่ เป็นที่สุด เป็นเพราะ -เป็นเพราะว่า เป็นเพียง เป็นเพียงว่า เป็นเพื่อ เป็นอัน เป็นอันมาก เป็นอันว่า เป็นอันๆ เป็นอาทิ เป็นๆ เปลี่ยน เปลี่ยนแปลง เปิด เปิดเผย ไป่ ผ่าน ผ่านๆ -ผิด ผิดๆ ผู้ เพียงเพื่อ เพียงไร เพียงไหน เพื่อที่ เพื่อที่จะ เพื่อว่า เพื่อให้ ภาค ภาคฯ ภาย ภายใต้ ภายนอก ภายใน ภายภาค ภายภาคหน้า ภายหน้า ภายหลัง -มอง มองว่า มัก มักจะ มัน มันๆ มั้ย มั้ยนะ มั้ยนั่น มั้ยเนี่ย มั้ยล่ะ ยืนนาน ยืนยง ยืนยัน ยืนยาว เยอะ เยอะแยะ เยอะๆ แยะ แยะๆ รวด รวดเร็ว ร่วม รวมกัน ร่วมกัน -รวมด้วย ร่วมด้วย รวมถึง รวมทั้ง ร่วมมือ รวมๆ ระยะ ระยะๆ ระหว่าง รับรอง รึ รึว่า รือ รือว่า สิ้นกาลนาน สืบเนื่อง สุดๆ สู่ สูง สูงกว่า สูงส่ง สูงสุด สูงๆ เสมือนกับ -เสมือนว่า เสร็จ เสร็จกัน เสร็จแล้ว เสร็จสมบูรณ์ เสร็จสิ้น เสีย เสียก่อน เสียจน เสียจนกระทั่ง เสียจนถึง เสียด้วย เสียนั่น เสียนั่นเอง เสียนี่ เสียนี่กระไร เสียยิ่ง -เสียยิ่งนัก เสียแล้ว ใหญ่ๆ ให้ดี ให้แด่ ให้ไป ใหม่ ให้มา ใหม่ๆ ไหน ไหนๆ อดีต อนึ่ง อย่าง อย่างเช่น อย่างดี อย่างเดียว อย่างใด อย่างที่ อย่างน้อย อย่างนั้น -อย่างนี้ อย่างโน้น ก็คือ ก็แค่ ก็จะ ก็ดี ก็ได้ ก็ต่อเมื่อ ก็ตาม ก็ตามแต่ ก็ตามที ก็แล้วแต่ กระทั่ง กระทำ กระนั้น กระผม กลับ กล่าวคือ กลุ่ม กลุ่มก้อน -กลุ่มๆ กว้าง กว้างขวาง กว้างๆ ก่อนหน้า ก่อนหน้านี้ ก่อนๆ กันดีกว่า กันดีไหม กันเถอะ กันนะ กันและกัน กันไหม กันเอง กำลัง กำลังจะ กำหนด กู เก็บ -เกิด เกี่ยวข้อง แก่ แก้ไข ใกล้ ใกล้ๆ ข้า ข้าง ข้างเคียง ข้างต้น ข้างบน ข้างล่าง ข้างๆ ขาด ข้าพเจ้า ข้าฯ เข้าใจ เขียน คงจะ คงอยู่ ครบ ครบครัน ครบถ้วน -ครั้งกระนั้น ครั้งก่อน ครั้งครา ครั้งคราว ครั้งใด ครั้งที่ ครั้งนั้น ครั้งนี้ ครั้งละ ครั้งหนึ่ง ครั้งหลัง ครั้งหลังสุด ครั้งไหน ครั้งๆ ครัน ครับ ครา คราใด คราที่ ครานั้น ครานี้ คราหนึ่ง -คราไหน คราว คราวก่อน คราวใด คราวที่ คราวนั้น คราวนี้ คราวโน้น คราวละ คราวหน้า คราวหนึ่ง คราวหลัง คราวไหน คราวๆ คล้าย คล้ายกัน คล้ายกันกับ -คล้ายกับ คล้ายกับว่า คล้ายว่า ควร ค่อน ค่อนข้าง ค่อนข้างจะ ค่อยไปทาง ค่อนมาทาง ค่อย ค่อยๆ คะ ค่ะ คำ คิด คิดว่า คุณ คุณๆ -เคยๆ แค่ แค่จะ แค่นั้น แค่นี้ แค่เพียง แค่ว่า แค่ไหน ใคร่ ใคร่จะ ง่าย ง่ายๆ จนกว่า จนแม้ จนแม้น จังๆ จวบกับ จวบจน จ้ะ จ๊ะ จะได้ จัง จัดการ จัดงาน จัดแจง -จัดตั้ง จัดทำ จัดหา จัดให้ จับ จ้า จ๋า จากนั้น จากนี้ จากนี้ไป จำ จำเป็น จำพวก จึงจะ จึงเป็น จู่ๆ ฉะนั้น ฉะนี้ ฉัน เฉกเช่น เฉย เฉยๆ ไฉน ช่วงก่อน -ช่วงต่อไป ช่วงถัดไป ช่วงท้าย ช่วงที่ ช่วงนั้น ช่วงนี้ ช่วงระหว่าง ช่วงแรก ช่วงหน้า ช่วงหลัง ช่วงๆ ช่วย ช้า ช้านาน ชาว ช้าๆ เช่นก่อน เช่นกัน เช่นเคย -เช่นดัง เช่นดังก่อน เช่นดังเก่า เช่นดังที่ เช่นดังว่า เช่นเดียวกัน เช่นเดียวกับ เช่นใด เช่นที่ เช่นที่เคย เช่นที่ว่า เช่นนั้น เช่นนั้นเอง เช่นนี้ เช่นเมื่อ เช่นไร เชื่อ -เชื่อถือ เชื่อมั่น เชื่อว่า ใช่ ใช่ไหม ใช้ ซะ ซะก่อน ซะจน ซะจนกระทั่ง ซะจนถึง ซึ่งได้แก่ ด้วยกัน ด้วยเช่นกัน ด้วยที่ ด้วยเพราะ ด้วยว่า ด้วยเหตุที่ ด้วยเหตุนั้น -ด้วยเหตุนี้ ด้วยเหตุเพราะ ด้วยเหตุว่า ด้วยเหมือนกัน ดังกล่าว ดังกับว่า ดั่งกับว่า ดังเก่า ดั่งเก่า ดั่งเคย ต่างก็ ต่างหาก ตามด้วย ตามแต่ ตามที่ -ตามๆ เต็มไปด้วย เต็มไปหมด เต็มๆ แต่ก็ แต่ก่อน แต่จะ แต่เดิม แต่ต้อง แต่ถ้า แต่ทว่า แต่ที่ แต่นั้น แต่เพียง แต่เมื่อ แต่ไร แต่ละ แต่ว่า แต่ไหน แต่อย่างใด โต -โตๆ ใต้ ถ้าจะ ถ้าหาก ถึงแก่ ถึงแม้ ถึงแม้จะ ถึงแม้ว่า ถึงอย่างไร ถือว่า ถูกต้อง ทว่า ทั้งนั้นด้วย ทั้งปวง ทั้งเป็น ทั้งมวล ทั้งสิ้น ทั้งหมด ทั้งหลาย ทั้งๆ ทัน -ทันใดนั้น ทันที ทันทีทันใด ทั่ว ทำไม ทำไร ทำให้ ทำๆ ที ที่จริง ที่ซึ่ง ทีเดียว ทีใด ที่ใด ที่ได้ ทีเถอะ ที่แท้ ที่แท้จริง ที่นั้น ที่นี้ ทีไร ทีละ ที่ละ -ที่แล้ว ที่ว่า ที่แห่งนั้น ที่ไหน ทีๆ ที่ๆ ทุกคน ทุกครั้ง ทุกครา ทุกคราว ทุกชิ้น ทุกตัว ทุกทาง ทุกที ทุกที่ ทุกเมื่อ ทุกวัน ทุกวันนี้ ทุกสิ่ง ทุกหน ทุกแห่ง ทุกอย่าง -ทุกอัน ทุกๆ เท่า เท่ากัน เท่ากับ เท่าใด เท่าที่ เท่านั้น เท่านี้ เท่าไร เท่าไหร่ แท้ แท้จริง เธอ นอกจากว่า น้อย น้อยกว่า น้อยๆ น่ะ นั้นไว นับแต่นี้ นาง -นางสาว น่าจะ นาน นานๆ นาย นำ นำพา นำมา นิด นิดหน่อย นิดๆ นี่ นี่ไง นี่นา นี่แน่ะ นี่แหละ นี้แหล่ นี่เอง นี้เอง นู่น นู้น เน้น เนี่ย -เนี่ยเอง ในช่วง ในที่ ในเมื่อ ในระหว่าง บน บอก บอกแล้ว บอกว่า บ่อย บ่อยกว่า บ่อยครั้ง บ่อยๆ บัดดล บัดเดี๋ยวนี้ บัดนั้น บัดนี้ บ้าง บางกว่า -บางขณะ บางครั้ง บางครา บางคราว บางที บางที่ บางแห่ง บางๆ ปฏิบัติ ประกอบ ประการ ประการฉะนี้ ประการใด ประการหนึ่ง ประมาณ ประสบ ปรับ -ปรากฏ ปรากฏว่า ปัจจุบัน ปิด เป็นด้วย เป็นดัง เป็นต้น เป็นแต่ เป็นเพื่อ เป็นอัน เป็นอันมาก เป็นอาทิ ผ่านๆ ผู้ ผู้ใด เผื่อ เผื่อจะ เผื่อที่ เผื่อว่า ฝ่าย -ฝ่ายใด พบว่า พยายาม พร้อมกัน พร้อมกับ พร้อมด้วย พร้อมทั้ง พร้อมที่ พร้อมเพียง พวก พวกกัน พวกกู พวกแก พวกเขา พวกคุณ พวกฉัน พวกท่าน -พวกที่ พวกเธอ พวกนั้น พวกนี้ พวกนู้น พวกโน้น พวกมัน พวกมึง พอ พอกัน พอควร พอจะ พอดี พอตัว พอที พอที่ พอเพียง พอแล้ว พอสม พอสมควร -พอเหมาะ พอๆ พา พึง พึ่ง พื้นๆ พูด เพราะฉะนั้น เพราะว่า เพิ่ง เพิ่งจะ เพิ่ม เพิ่มเติม เพียง เพียงแค่ เพียงใด เพียงแต่ เพียงพอ เพียงเพราะ -เพื่อว่า เพื่อให้ ภายใต้ มองว่า มั๊ย มากกว่า มากมาย มิ มิฉะนั้น มิใช่ มิได้ มีแต่ มึง มุ่ง มุ่งเน้น มุ่งหมาย เมื่อก่อน เมื่อครั้ง เมื่อครั้งก่อน -เมื่อคราวก่อน เมื่อคราวที่ เมื่อคราว เมื่อคืน เมื่อเช้า เมื่อใด เมื่อนั้น เมื่อนี้ เมื่อเย็น เมื่อไร เมื่อวันวาน เมื่อวาน เมื่อไหร่ แม้ แม้กระทั่ง แม้แต่ แม้นว่า แม้ว่า -ไม่ค่อย ไม่ค่อยจะ ไม่ค่อยเป็น ไม่ใช่ ไม่เป็นไร ไม่ว่า ยก ยกให้ ยอม ยอมรับ ย่อม ย่อย ยังคง ยังงั้น ยังงี้ ยังโง้น ยังไง ยังจะ ยังแต่ ยาก -ยาว ยาวนาน ยิ่ง ยิ่งกว่า ยิ่งขึ้น ยิ่งขึ้นไป ยิ่งจน ยิ่งจะ ยิ่งนัก ยิ่งเมื่อ ยิ่งแล้ว ยิ่งใหญ่ ร่วมกัน รวมด้วย ร่วมด้วย รือว่า เร็ว เร็วๆ เราๆ เรียก เรียบ เรื่อย -เรื่อยๆ ไร ล้วน ล้วนจน ล้วนแต่ ละ ล่าสุด เล็ก เล็กน้อย เล็กๆ เล่าว่า แล้วกัน แล้วแต่ แล้วเสร็จ วันใด วันนั้น วันนี้ วันไหน สบาย สมัย สมัยก่อน -สมัยนั้น สมัยนี้ สมัยโน้น ส่วนเกิน ส่วนด้อย ส่วนดี ส่วนใด ส่วนที่ ส่วนน้อย ส่วนนั้น ส่วนมาก ส่วนใหญ่ สั้น สั้นๆ สามารถ สำคัญ สิ่ง -สิ่งใด สิ่งนั้น สิ่งนี้ สิ่งไหน สิ้น เสร็จแล้ว เสียด้วย เสียแล้ว แสดง แสดงว่า หน หนอ หนอย หน่อย หมด หมดกัน หมดสิ้น หรือไง หรือเปล่า หรือไม่ หรือยัง -หรือไร หากแม้ หากแม้น หากแม้นว่า หากว่า หาความ หาใช่ หารือ เหตุ เหตุผล เหตุนั้น เหตุนี้ เหตุไร เห็นแก่ เห็นควร เห็นจะ เห็นว่า เหลือ เหลือเกิน เหล่า -เหล่านั้น เหล่านี้ แห่งใด แห่งนั้น แห่งนี้ แห่งโน้น แห่งไหน แหละ ให้แก่ ใหญ่ ใหญ่โต อย่างเช่น อย่างดี อย่างเดียว อย่างใด อย่างที่ อย่างน้อย อย่างนั้น อย่างนี้ -อย่างโน้น อย่างมาก อย่างยิ่ง อย่างไร อย่างไรก็ อย่างไรก็ได้ อย่างไรเสีย อย่างละ อย่างหนึ่ง อย่างไหน อย่างๆ อัน อันจะ อันใด อันได้แก่ อันที่ -อันที่จริง อันที่จะ อันเนื่องมาจาก อันละ อันไหน อันๆ อาจจะ อาจเป็น อาจเป็นด้วย อื่น อื่นๆ เอ็ง เอา ฯ ฯล ฯลฯ -""".split()) \ No newline at end of file +STOP_WORDS = set( + """ +นี้ นํา นั้น นัก นอกจาก ทุก ที่สุด ที่ ทําให้ ทํา ทาง ทั้งนี้ ดัง ซึ่ง ช่วง จาก จัด จะ คือ ความ ครั้ง คง ขึ้น ของ +ขอ รับ ระหว่าง รวม ยัง มี มาก มา พร้อม พบ ผ่าน ผล บาง น่า เปิดเผย เปิด เนื่องจาก เดียวกัน เดียว เช่น เฉพาะ เข้า ถ้า +ถูก ถึง ต้อง ต่างๆ ต่าง ต่อ ตาม ตั้งแต่ ตั้ง ด้าน ด้วย อีก อาจ ออก อย่าง อะไร อยู่ อยาก หาก หลาย หลังจาก แต่ เอง เห็น +เลย เริ่ม เรา เมื่อ เพื่อ เพราะ เป็นการ เป็น หลัง หรือ หนึ่ง ส่วน ส่ง สุด สําหรับ ว่า ลง ร่วม ราย ขณะ ก่อน ก็ การ กับ กัน +กว่า กล่าว จึง ไว้ ไป ได้ ให้ ใน โดย แห่ง แล้ว และ แรก แบบ ๆ ทั้ง วัน เขา เคย ไม่ อยาก เกิน เกินๆ เกี่ยวกัน เกี่ยวกับ +เกี่ยวข้อง เกี่ยวเนื่อง เกี่ยวๆ เกือบ เกือบจะ เกือบๆ แก แก่ แก้ไข ใกล้ ใกล้ๆ ไกล ไกลๆ ขณะเดียวกัน ขณะใด ขณะใดๆ ขณะที่ ขณะนั้น ขณะนี้ ขณะหนึ่ง ขวาง +ขวางๆ ขั้น ใคร ใคร่ ใคร่จะ ใครๆ ง่าย ง่ายๆ ไง จง จด จน จนกระทั่ง จนกว่า จนขณะนี้ จนตลอด จนถึง จนทั่ว จนบัดนี้ จนเมื่อ จนแม้ จนแม้น +จรด จรดกับ จริง จริงจัง จริงๆ จริงๆจังๆ จวน จวนจะ จวนเจียน จวบ ซึ่งก็ ซึ่งก็คือ ซึ่งกัน ซึ่งกันและกัน ซึ่งได้แก่ ซึ่งๆ ณ ด้วย ด้วยกัน ด้วยเช่นกัน ด้วยที่ ด้วยประการฉะนี้ +ด้วยเพราะ ด้วยว่า ด้วยเหตุที่ ด้วยเหตุนั้น ด้วยเหตุนี้ ด้วยเหตุเพราะ ด้วยเหตุว่า ด้วยเหมือนกัน ดั่ง ดังกล่าว ดังกับ ดั่งกับ ดังกับว่า ดั่งกับว่า ดังเก่า +ดั่งเก่า ดังเคย ใดๆ ได้ ได้แก่ ได้แต่ ได้ที่ ได้มา ได้รับ ตน ตนเอง ตนฯ ตรง ตรงๆ ตลอด ตลอดกาล ตลอดกาลนาน ตลอดจน ตลอดถึง ตลอดทั้ง +ตลอดทั่ว ตลอดทั่วถึง ตลอดทั่วทั้ง ตลอดปี ตลอดไป ตลอดมา ตลอดระยะเวลา ตลอดวัน ตลอดเวลา ตลอดศก ต่อ ต่อกัน ถึงแก่ ถึงจะ ถึงบัดนั้น ถึงบัดนี้ +ถึงเมื่อ ถึงเมื่อใด ถึงเมื่อไร ถึงแม้ ถึงแม้จะ ถึงแม้ว่า ถึงอย่างไร ถือ ถือว่า ถูกต้อง ถูกๆ เถอะ เถิด ทรง ทว่า ทั้งคน ทั้งตัว ทั้งที ทั้งที่ ทั้งนั้น ทั้งนั้นด้วย ทั้งนั้นเพราะ +นอก นอกจากที่ นอกจากนั้น นอกจากนี้ นอกจากว่า นอกนั้น นอกเหนือ นอกเหนือจาก น้อย น้อยกว่า น้อยๆ นะ น่ะ นักๆ นั่น นั่นไง นั่นเป็น นั่นแหละ +นั่นเอง นั้นๆ นับ นับจากนั้น นับจากนี้ นับตั้งแต่ นับแต่ นับแต่ที่ นับแต่นั้น เป็นต้น เป็นต้นไป เป็นต้นมา เป็นแต่ เป็นแต่เพียง เป็นที เป็นที่ เป็นที่สุด เป็นเพราะ +เป็นเพราะว่า เป็นเพียง เป็นเพียงว่า เป็นเพื่อ เป็นอัน เป็นอันมาก เป็นอันว่า เป็นอันๆ เป็นอาทิ เป็นๆ เปลี่ยน เปลี่ยนแปลง เปิด เปิดเผย ไป่ ผ่าน ผ่านๆ +ผิด ผิดๆ ผู้ เพียงเพื่อ เพียงไร เพียงไหน เพื่อที่ เพื่อที่จะ เพื่อว่า เพื่อให้ ภาค ภาคฯ ภาย ภายใต้ ภายนอก ภายใน ภายภาค ภายภาคหน้า ภายหน้า ภายหลัง +มอง มองว่า มัก มักจะ มัน มันๆ มั้ย มั้ยนะ มั้ยนั่น มั้ยเนี่ย มั้ยล่ะ ยืนนาน ยืนยง ยืนยัน ยืนยาว เยอะ เยอะแยะ เยอะๆ แยะ แยะๆ รวด รวดเร็ว ร่วม รวมกัน ร่วมกัน +รวมด้วย ร่วมด้วย รวมถึง รวมทั้ง ร่วมมือ รวมๆ ระยะ ระยะๆ ระหว่าง รับรอง รึ รึว่า รือ รือว่า สิ้นกาลนาน สืบเนื่อง สุดๆ สู่ สูง สูงกว่า สูงส่ง สูงสุด สูงๆ เสมือนกับ +เสมือนว่า เสร็จ เสร็จกัน เสร็จแล้ว เสร็จสมบูรณ์ เสร็จสิ้น เสีย เสียก่อน เสียจน เสียจนกระทั่ง เสียจนถึง เสียด้วย เสียนั่น เสียนั่นเอง เสียนี่ เสียนี่กระไร เสียยิ่ง +เสียยิ่งนัก เสียแล้ว ใหญ่ๆ ให้ดี ให้แด่ ให้ไป ใหม่ ให้มา ใหม่ๆ ไหน ไหนๆ อดีต อนึ่ง อย่าง อย่างเช่น อย่างดี อย่างเดียว อย่างใด อย่างที่ อย่างน้อย อย่างนั้น +อย่างนี้ อย่างโน้น ก็คือ ก็แค่ ก็จะ ก็ดี ก็ได้ ก็ต่อเมื่อ ก็ตาม ก็ตามแต่ ก็ตามที ก็แล้วแต่ กระทั่ง กระทำ กระนั้น กระผม กลับ กล่าวคือ กลุ่ม กลุ่มก้อน +กลุ่มๆ กว้าง กว้างขวาง กว้างๆ ก่อนหน้า ก่อนหน้านี้ ก่อนๆ กันดีกว่า กันดีไหม กันเถอะ กันนะ กันและกัน กันไหม กันเอง กำลัง กำลังจะ กำหนด กู เก็บ +เกิด เกี่ยวข้อง แก่ แก้ไข ใกล้ ใกล้ๆ ข้า ข้าง ข้างเคียง ข้างต้น ข้างบน ข้างล่าง ข้างๆ ขาด ข้าพเจ้า ข้าฯ เข้าใจ เขียน คงจะ คงอยู่ ครบ ครบครัน ครบถ้วน +ครั้งกระนั้น ครั้งก่อน ครั้งครา ครั้งคราว ครั้งใด ครั้งที่ ครั้งนั้น ครั้งนี้ ครั้งละ ครั้งหนึ่ง ครั้งหลัง ครั้งหลังสุด ครั้งไหน ครั้งๆ ครัน ครับ ครา คราใด คราที่ ครานั้น ครานี้ คราหนึ่ง +คราไหน คราว คราวก่อน คราวใด คราวที่ คราวนั้น คราวนี้ คราวโน้น คราวละ คราวหน้า คราวหนึ่ง คราวหลัง คราวไหน คราวๆ คล้าย คล้ายกัน คล้ายกันกับ +คล้ายกับ คล้ายกับว่า คล้ายว่า ควร ค่อน ค่อนข้าง ค่อนข้างจะ ค่อยไปทาง ค่อนมาทาง ค่อย ค่อยๆ คะ ค่ะ คำ คิด คิดว่า คุณ คุณๆ +เคยๆ แค่ แค่จะ แค่นั้น แค่นี้ แค่เพียง แค่ว่า แค่ไหน ใคร่ ใคร่จะ ง่าย ง่ายๆ จนกว่า จนแม้ จนแม้น จังๆ จวบกับ จวบจน จ้ะ จ๊ะ จะได้ จัง จัดการ จัดงาน จัดแจง +จัดตั้ง จัดทำ จัดหา จัดให้ จับ จ้า จ๋า จากนั้น จากนี้ จากนี้ไป จำ จำเป็น จำพวก จึงจะ จึงเป็น จู่ๆ ฉะนั้น ฉะนี้ ฉัน เฉกเช่น เฉย เฉยๆ ไฉน ช่วงก่อน +ช่วงต่อไป ช่วงถัดไป ช่วงท้าย ช่วงที่ ช่วงนั้น ช่วงนี้ ช่วงระหว่าง ช่วงแรก ช่วงหน้า ช่วงหลัง ช่วงๆ ช่วย ช้า ช้านาน ชาว ช้าๆ เช่นก่อน เช่นกัน เช่นเคย +เช่นดัง เช่นดังก่อน เช่นดังเก่า เช่นดังที่ เช่นดังว่า เช่นเดียวกัน เช่นเดียวกับ เช่นใด เช่นที่ เช่นที่เคย เช่นที่ว่า เช่นนั้น เช่นนั้นเอง เช่นนี้ เช่นเมื่อ เช่นไร เชื่อ +เชื่อถือ เชื่อมั่น เชื่อว่า ใช่ ใช่ไหม ใช้ ซะ ซะก่อน ซะจน ซะจนกระทั่ง ซะจนถึง ซึ่งได้แก่ ด้วยกัน ด้วยเช่นกัน ด้วยที่ ด้วยเพราะ ด้วยว่า ด้วยเหตุที่ ด้วยเหตุนั้น +ด้วยเหตุนี้ ด้วยเหตุเพราะ ด้วยเหตุว่า ด้วยเหมือนกัน ดังกล่าว ดังกับว่า ดั่งกับว่า ดังเก่า ดั่งเก่า ดั่งเคย ต่างก็ ต่างหาก ตามด้วย ตามแต่ ตามที่ +ตามๆ เต็มไปด้วย เต็มไปหมด เต็มๆ แต่ก็ แต่ก่อน แต่จะ แต่เดิม แต่ต้อง แต่ถ้า แต่ทว่า แต่ที่ แต่นั้น แต่เพียง แต่เมื่อ แต่ไร แต่ละ แต่ว่า แต่ไหน แต่อย่างใด โต +โตๆ ใต้ ถ้าจะ ถ้าหาก ถึงแก่ ถึงแม้ ถึงแม้จะ ถึงแม้ว่า ถึงอย่างไร ถือว่า ถูกต้อง ทว่า ทั้งนั้นด้วย ทั้งปวง ทั้งเป็น ทั้งมวล ทั้งสิ้น ทั้งหมด ทั้งหลาย ทั้งๆ ทัน +ทันใดนั้น ทันที ทันทีทันใด ทั่ว ทำไม ทำไร ทำให้ ทำๆ ที ที่จริง ที่ซึ่ง ทีเดียว ทีใด ที่ใด ที่ได้ ทีเถอะ ที่แท้ ที่แท้จริง ที่นั้น ที่นี้ ทีไร ทีละ ที่ละ +ที่แล้ว ที่ว่า ที่แห่งนั้น ที่ไหน ทีๆ ที่ๆ ทุกคน ทุกครั้ง ทุกครา ทุกคราว ทุกชิ้น ทุกตัว ทุกทาง ทุกที ทุกที่ ทุกเมื่อ ทุกวัน ทุกวันนี้ ทุกสิ่ง ทุกหน ทุกแห่ง ทุกอย่าง +ทุกอัน ทุกๆ เท่า เท่ากัน เท่ากับ เท่าใด เท่าที่ เท่านั้น เท่านี้ เท่าไร เท่าไหร่ แท้ แท้จริง เธอ นอกจากว่า น้อย น้อยกว่า น้อยๆ น่ะ นั้นไว นับแต่นี้ นาง +นางสาว น่าจะ นาน นานๆ นาย นำ นำพา นำมา นิด นิดหน่อย นิดๆ นี่ นี่ไง นี่นา นี่แน่ะ นี่แหละ นี้แหล่ นี่เอง นี้เอง นู่น นู้น เน้น เนี่ย +เนี่ยเอง ในช่วง ในที่ ในเมื่อ ในระหว่าง บน บอก บอกแล้ว บอกว่า บ่อย บ่อยกว่า บ่อยครั้ง บ่อยๆ บัดดล บัดเดี๋ยวนี้ บัดนั้น บัดนี้ บ้าง บางกว่า +บางขณะ บางครั้ง บางครา บางคราว บางที บางที่ บางแห่ง บางๆ ปฏิบัติ ประกอบ ประการ ประการฉะนี้ ประการใด ประการหนึ่ง ประมาณ ประสบ ปรับ +ปรากฏ ปรากฏว่า ปัจจุบัน ปิด เป็นด้วย เป็นดัง เป็นต้น เป็นแต่ เป็นเพื่อ เป็นอัน เป็นอันมาก เป็นอาทิ ผ่านๆ ผู้ ผู้ใด เผื่อ เผื่อจะ เผื่อที่ เผื่อว่า ฝ่าย +ฝ่ายใด พบว่า พยายาม พร้อมกัน พร้อมกับ พร้อมด้วย พร้อมทั้ง พร้อมที่ พร้อมเพียง พวก พวกกัน พวกกู พวกแก พวกเขา พวกคุณ พวกฉัน พวกท่าน +พวกที่ พวกเธอ พวกนั้น พวกนี้ พวกนู้น พวกโน้น พวกมัน พวกมึง พอ พอกัน พอควร พอจะ พอดี พอตัว พอที พอที่ พอเพียง พอแล้ว พอสม พอสมควร +พอเหมาะ พอๆ พา พึง พึ่ง พื้นๆ พูด เพราะฉะนั้น เพราะว่า เพิ่ง เพิ่งจะ เพิ่ม เพิ่มเติม เพียง เพียงแค่ เพียงใด เพียงแต่ เพียงพอ เพียงเพราะ +เพื่อว่า เพื่อให้ ภายใต้ มองว่า มั๊ย มากกว่า มากมาย มิ มิฉะนั้น มิใช่ มิได้ มีแต่ มึง มุ่ง มุ่งเน้น มุ่งหมาย เมื่อก่อน เมื่อครั้ง เมื่อครั้งก่อน +เมื่อคราวก่อน เมื่อคราวที่ เมื่อคราว เมื่อคืน เมื่อเช้า เมื่อใด เมื่อนั้น เมื่อนี้ เมื่อเย็น เมื่อไร เมื่อวันวาน เมื่อวาน เมื่อไหร่ แม้ แม้กระทั่ง แม้แต่ แม้นว่า แม้ว่า +ไม่ค่อย ไม่ค่อยจะ ไม่ค่อยเป็น ไม่ใช่ ไม่เป็นไร ไม่ว่า ยก ยกให้ ยอม ยอมรับ ย่อม ย่อย ยังคง ยังงั้น ยังงี้ ยังโง้น ยังไง ยังจะ ยังแต่ ยาก +ยาว ยาวนาน ยิ่ง ยิ่งกว่า ยิ่งขึ้น ยิ่งขึ้นไป ยิ่งจน ยิ่งจะ ยิ่งนัก ยิ่งเมื่อ ยิ่งแล้ว ยิ่งใหญ่ ร่วมกัน รวมด้วย ร่วมด้วย รือว่า เร็ว เร็วๆ เราๆ เรียก เรียบ เรื่อย +เรื่อยๆ ไร ล้วน ล้วนจน ล้วนแต่ ละ ล่าสุด เล็ก เล็กน้อย เล็กๆ เล่าว่า แล้วกัน แล้วแต่ แล้วเสร็จ วันใด วันนั้น วันนี้ วันไหน สบาย สมัย สมัยก่อน +สมัยนั้น สมัยนี้ สมัยโน้น ส่วนเกิน ส่วนด้อย ส่วนดี ส่วนใด ส่วนที่ ส่วนน้อย ส่วนนั้น ส่วนมาก ส่วนใหญ่ สั้น สั้นๆ สามารถ สำคัญ สิ่ง +สิ่งใด สิ่งนั้น สิ่งนี้ สิ่งไหน สิ้น เสร็จแล้ว เสียด้วย เสียแล้ว แสดง แสดงว่า หน หนอ หนอย หน่อย หมด หมดกัน หมดสิ้น หรือไง หรือเปล่า หรือไม่ หรือยัง +หรือไร หากแม้ หากแม้น หากแม้นว่า หากว่า หาความ หาใช่ หารือ เหตุ เหตุผล เหตุนั้น เหตุนี้ เหตุไร เห็นแก่ เห็นควร เห็นจะ เห็นว่า เหลือ เหลือเกิน เหล่า +เหล่านั้น เหล่านี้ แห่งใด แห่งนั้น แห่งนี้ แห่งโน้น แห่งไหน แหละ ให้แก่ ใหญ่ ใหญ่โต อย่างเช่น อย่างดี อย่างเดียว อย่างใด อย่างที่ อย่างน้อย อย่างนั้น อย่างนี้ +อย่างโน้น อย่างมาก อย่างยิ่ง อย่างไร อย่างไรก็ อย่างไรก็ได้ อย่างไรเสีย อย่างละ อย่างหนึ่ง อย่างไหน อย่างๆ อัน อันจะ อันใด อันได้แก่ อันที่ +อันที่จริง อันที่จะ อันเนื่องมาจาก อันละ อันไหน อันๆ อาจจะ อาจเป็น อาจเป็นด้วย อื่น อื่นๆ เอ็ง เอา ฯ ฯล ฯลฯ +""".split() +) diff --git a/spacy/lang/th/tag_map.py b/spacy/lang/th/tag_map.py index 374900bd9..873ba65fc 100644 --- a/spacy/lang/th/tag_map.py +++ b/spacy/lang/th/tag_map.py @@ -1,82 +1,85 @@ # encoding: utf8 -# data from Korakot Chaovavanich (https://www.facebook.com/photo.php?fbid=390564854695031&set=p.390564854695031&type=3&permPage=1&ifg=1) from __future__ import unicode_literals from ...symbols import POS, NOUN, PRON, ADJ, ADV, INTJ, PROPN, DET, NUM, AUX from ...symbols import ADP, CCONJ, PART, PUNCT, SPACE, SCONJ + +# Source: Korakot Chaovavanich +# https://www.facebook.com/photo.php?fbid=390564854695031&set=p.390564854695031&type=3&permPage=1&ifg=1 TAG_MAP = { # NOUN - "NOUN": {POS: NOUN}, - "NCMN": {POS: NOUN}, - "NTTL": {POS: NOUN}, - "CNIT": {POS: NOUN}, - "CLTV": {POS: NOUN}, - "CMTR": {POS: NOUN}, - "CFQC": {POS: NOUN}, - "CVBL": {POS: NOUN}, + "NOUN": {POS: NOUN}, + "NCMN": {POS: NOUN}, + "NTTL": {POS: NOUN}, + "CNIT": {POS: NOUN}, + "CLTV": {POS: NOUN}, + "CMTR": {POS: NOUN}, + "CFQC": {POS: NOUN}, + "CVBL": {POS: NOUN}, # PRON - "PRON": {POS: PRON}, - "NPRP": {POS: PRON}, + "PRON": {POS: PRON}, + "NPRP": {POS: PRON}, # ADJ - "ADJ": {POS: ADJ}, - "NONM": {POS: ADJ}, - "VATT": {POS: ADJ}, - "DONM": {POS: ADJ}, + "ADJ": {POS: ADJ}, + "NONM": {POS: ADJ}, + "VATT": {POS: ADJ}, + "DONM": {POS: ADJ}, # ADV - "ADV": {POS: ADV}, - "ADVN": {POS: ADV}, - "ADVI": {POS: ADV}, - "ADVP": {POS: ADV}, - "ADVS": {POS: ADV}, + "ADV": {POS: ADV}, + "ADVN": {POS: ADV}, + "ADVI": {POS: ADV}, + "ADVP": {POS: ADV}, + "ADVS": {POS: ADV}, # INT - "INT": {POS: INTJ}, + "INT": {POS: INTJ}, # PRON - "PROPN": {POS: PROPN}, - "PPRS": {POS: PROPN}, - "PDMN": {POS: PROPN}, - "PNTR": {POS: PROPN}, + "PROPN": {POS: PROPN}, + "PPRS": {POS: PROPN}, + "PDMN": {POS: PROPN}, + "PNTR": {POS: PROPN}, # DET - "DET": {POS: DET}, - "DDAN": {POS: DET}, - "DDAC": {POS: DET}, - "DDBQ": {POS: DET}, - "DDAQ": {POS: DET}, - "DIAC": {POS: DET}, - "DIBQ": {POS: DET}, - "DIAQ": {POS: DET}, - "DCNM": {POS: DET}, + "DET": {POS: DET}, + "DDAN": {POS: DET}, + "DDAC": {POS: DET}, + "DDBQ": {POS: DET}, + "DDAQ": {POS: DET}, + "DIAC": {POS: DET}, + "DIBQ": {POS: DET}, + "DIAQ": {POS: DET}, + # TODO: resolve duplicate (see below) + # "DCNM": {POS: DET}, # NUM - "NUM": {POS: NUM}, - "NCNM": {POS: NUM}, - "NLBL": {POS: NUM}, - "DCNM": {POS: NUM}, + "NUM": {POS: NUM}, + "NCNM": {POS: NUM}, + "NLBL": {POS: NUM}, + "DCNM": {POS: NUM}, # AUX - "AUX": {POS: AUX}, - "XVBM": {POS: AUX}, - "XVAM": {POS: AUX}, - "XVMM": {POS: AUX}, - "XVBB": {POS: AUX}, - "XVAE": {POS: AUX}, + "AUX": {POS: AUX}, + "XVBM": {POS: AUX}, + "XVAM": {POS: AUX}, + "XVMM": {POS: AUX}, + "XVBB": {POS: AUX}, + "XVAE": {POS: AUX}, # ADP - "ADP": {POS: ADP}, - "RPRE": {POS: ADP}, + "ADP": {POS: ADP}, + "RPRE": {POS: ADP}, # CCONJ - "CCONJ": {POS: CCONJ}, - "JCRG": {POS: CCONJ}, + "CCONJ": {POS: CCONJ}, + "JCRG": {POS: CCONJ}, # SCONJ - "SCONJ": {POS: SCONJ}, - "PREL": {POS: SCONJ}, - "JSBR": {POS: SCONJ}, - "JCMP": {POS: SCONJ}, + "SCONJ": {POS: SCONJ}, + "PREL": {POS: SCONJ}, + "JSBR": {POS: SCONJ}, + "JCMP": {POS: SCONJ}, # PART - "PART": {POS: PART}, - "FIXN": {POS: PART}, - "FIXV": {POS: PART}, - "EAFF": {POS: PART}, - "AITT": {POS: PART}, - "NEG": {POS: PART}, + "PART": {POS: PART}, + "FIXN": {POS: PART}, + "FIXV": {POS: PART}, + "EAFF": {POS: PART}, + "AITT": {POS: PART}, + "NEG": {POS: PART}, # PUNCT - "PUNCT": {POS: PUNCT}, - "PUNC": {POS: PUNCT}, - "_SP": {POS: SPACE} + "PUNCT": {POS: PUNCT}, + "PUNC": {POS: PUNCT}, + "_SP": {POS: SPACE}, } diff --git a/spacy/lang/th/tokenizer_exceptions.py b/spacy/lang/th/tokenizer_exceptions.py index ee14acf40..8ac473a85 100644 --- a/spacy/lang/th/tokenizer_exceptions.py +++ b/spacy/lang/th/tokenizer_exceptions.py @@ -16,7 +16,7 @@ _exc = { "ก.ย.": [{ORTH: "ก.ย.", LEMMA: "กันยายน"}], "ต.ค.": [{ORTH: "ต.ค.", LEMMA: "ตุลาคม"}], "พ.ย.": [{ORTH: "พ.ย.", LEMMA: "พฤศจิกายน"}], - "ธ.ค.": [{ORTH: "ธ.ค.", LEMMA: "ธันวาคม"}] + "ธ.ค.": [{ORTH: "ธ.ค.", LEMMA: "ธันวาคม"}], } diff --git a/spacy/lang/tokenizer_exceptions.py b/spacy/lang/tokenizer_exceptions.py index 89e1b1476..dec75192c 100644 --- a/spacy/lang/tokenizer_exceptions.py +++ b/spacy/lang/tokenizer_exceptions.py @@ -56,7 +56,6 @@ URL_PATTERN = ( TOKEN_MATCH = re.compile(URL_PATTERN, re.UNICODE).match - BASE_EXCEPTIONS = {} @@ -67,18 +66,52 @@ for exc_data in [ {ORTH: "\n", POS: SPACE}, {ORTH: "\\n", POS: SPACE}, {ORTH: "\u2014", POS: PUNCT, LEMMA: "--"}, - {ORTH: "\u00a0", POS: SPACE, LEMMA: " "}]: + {ORTH: "\u00a0", POS: SPACE, LEMMA: " "}, +]: BASE_EXCEPTIONS[exc_data[ORTH]] = [exc_data] for orth in [ - "'", "\\\")", "", "''", "C++", "a.", "b.", "c.", "d.", "e.", "f.", - "g.", "h.", "i.", "j.", "k.", "l.", "m.", "n.", "o.", "p.", "q.", "r.", - "s.", "t.", "u.", "v.", "w.", "x.", "y.", "z.", "ä.", "ö.", "ü."]: + "'", + '\\")', + "", + "''", + "C++", + "a.", + "b.", + "c.", + "d.", + "e.", + "f.", + "g.", + "h.", + "i.", + "j.", + "k.", + "l.", + "m.", + "n.", + "o.", + "p.", + "q.", + "r.", + "s.", + "t.", + "u.", + "v.", + "w.", + "x.", + "y.", + "z.", + "ä.", + "ö.", + "ü.", +]: BASE_EXCEPTIONS[orth] = [{ORTH: orth}] -emoticons = set(""" +emoticons = set( + """ :) :-) :)) @@ -206,7 +239,8 @@ o.0 ¯\(ツ)/¯ (╯°□°)╯︵┻━┻ ><(((*> -""".split()) +""".split() +) for orth in emoticons: diff --git a/spacy/lang/tr/__init__.py b/spacy/lang/tr/__init__.py index 9d1eedfe4..0a77bc72d 100644 --- a/spacy/lang/tr/__init__.py +++ b/spacy/lang/tr/__init__.py @@ -14,17 +14,18 @@ from ...util import update_exc, add_lookups class TurkishDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'tr' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "tr" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS lemma_lookup = LOOKUP class Turkish(Language): - lang = 'tr' + lang = "tr" Defaults = TurkishDefaults -__all__ = ['Turkish'] - +__all__ = ["Turkish"] diff --git a/spacy/lang/tr/examples.py b/spacy/lang/tr/examples.py index e17586a37..a0464dfe3 100644 --- a/spacy/lang/tr/examples.py +++ b/spacy/lang/tr/examples.py @@ -18,5 +18,5 @@ sentences = [ "Londra İngiltere'nin başkentidir.", "Türkiye'nin başkenti neresi?", "Bakanlar Kurulu 180 günlük eylem planını açıkladı.", - "Merkez Bankası, beklentiler doğrultusunda faizlerde değişikliğe gitmedi." + "Merkez Bankası, beklentiler doğrultusunda faizlerde değişikliğe gitmedi.", ] diff --git a/spacy/lang/tr/lex_attrs.py b/spacy/lang/tr/lex_attrs.py index cff970e14..b7c6145a3 100644 --- a/spacy/lang/tr/lex_attrs.py +++ b/spacy/lang/tr/lex_attrs.py @@ -4,22 +4,43 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -#Thirteen, fifteen etc. are written separate: on üç - -_num_words = ['bir', 'iki', 'üç', 'dört', 'beş', 'altı', 'yedi', 'sekiz', - 'dokuz', 'on', 'yirmi', 'otuz', 'kırk', 'elli', 'altmış', - 'yetmiş', 'seksen', 'doksan', 'yüz', 'bin', 'milyon', - 'milyar', 'katrilyon', 'kentilyon'] +# Thirteen, fifteen etc. are written separate: on üç +_num_words = [ + "bir", + "iki", + "üç", + "dört", + "beş", + "altı", + "yedi", + "sekiz", + "dokuz", + "on", + "yirmi", + "otuz", + "kırk", + "elli", + "altmış", + "yetmiş", + "seksen", + "doksan", + "yüz", + "bin", + "milyon", + "milyar", + "katrilyon", + "kentilyon", +] def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -27,6 +48,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/tr/stop_words.py b/spacy/lang/tr/stop_words.py index 840fcc13e..65905499a 100644 --- a/spacy/lang/tr/stop_words.py +++ b/spacy/lang/tr/stop_words.py @@ -3,8 +3,8 @@ from __future__ import unicode_literals # Source: https://github.com/stopwords-iso/stopwords-tr - -STOP_WORDS = set(""" +STOP_WORDS = set( + """ acaba acep adamakıllı @@ -557,4 +557,5 @@ zarfında zaten zati zira -""".split()) +""".split() +) diff --git a/spacy/lang/tr/tokenizer_exceptions.py b/spacy/lang/tr/tokenizer_exceptions.py index 524873aa9..f48e035d4 100644 --- a/spacy/lang/tr/tokenizer_exceptions.py +++ b/spacy/lang/tr/tokenizer_exceptions.py @@ -3,11 +3,7 @@ from __future__ import unicode_literals from ...symbols import ORTH, NORM -_exc = { - "sağol": [ - {ORTH: "sağ"}, - {ORTH: "ol", NORM: "olun"}] -} +_exc = {"sağol": [{ORTH: "sağ"}, {ORTH: "ol", NORM: "olun"}]} for exc_data in [ @@ -111,12 +107,12 @@ for exc_data in [ {ORTH: "Yrd.", NORM: "Yardımcı"}, {ORTH: "Yrd.Doç.", NORM: "Yardımcı Doçent"}, {ORTH: "Y.Müh.", NORM: "Yüksek mühendis"}, - {ORTH: "Y.Mim.", NORM: "Yüksek mimar"}]: + {ORTH: "Y.Mim.", NORM: "Yüksek mimar"}, +]: _exc[exc_data[ORTH]] = [exc_data] -for orth in [ - "Dr.", "yy."]: +for orth in ["Dr.", "yy."]: _exc[orth] = [{ORTH: orth}] diff --git a/spacy/lang/tt/__init__.py b/spacy/lang/tt/__init__.py index b4117403f..3655e6264 100644 --- a/spacy/lang/tt/__init__.py +++ b/spacy/lang/tt/__init__.py @@ -13,7 +13,7 @@ from ...util import update_exc class TatarDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'tt' + lex_attr_getters[LANG] = lambda text: "tt" lex_attr_getters.update(LEX_ATTRS) @@ -24,8 +24,8 @@ class TatarDefaults(Language.Defaults): class Tatar(Language): - lang = 'tt' + lang = "tt" Defaults = TatarDefaults -__all__ = ['Tatar'] +__all__ = ["Tatar"] diff --git a/spacy/lang/tt/examples.py b/spacy/lang/tt/examples.py index efa8b547c..ac668a0c2 100644 --- a/spacy/lang/tt/examples.py +++ b/spacy/lang/tt/examples.py @@ -15,5 +15,5 @@ sentences = [ "Син кайда?", "Францияда кем президент?", "Америка Кушма Штатларының башкаласы нинди шәһәр?", - "Барак Обама кайчан туган?" + "Барак Обама кайчан туган?", ] diff --git a/spacy/lang/tt/lex_attrs.py b/spacy/lang/tt/lex_attrs.py index 0d416b8d5..ad3d6b9eb 100644 --- a/spacy/lang/tt/lex_attrs.py +++ b/spacy/lang/tt/lex_attrs.py @@ -3,22 +3,54 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = ['нуль', 'ноль', 'бер', 'ике', 'өч', 'дүрт', 'биш', 'алты', 'җиде', - 'сигез', 'тугыз', 'ун', 'унбер', 'унике', 'унөч', 'ундүрт', - 'унбиш', 'уналты', 'унҗиде', 'унсигез', 'унтугыз', 'егерме', - 'утыз', 'кырык', 'илле', 'алтмыш', 'җитмеш', 'сиксән', 'туксан', - 'йөз', 'мең', 'төмән', 'миллион', 'миллиард', 'триллион', - 'триллиард'] +_num_words = [ + "нуль", + "ноль", + "бер", + "ике", + "өч", + "дүрт", + "биш", + "алты", + "җиде", + "сигез", + "тугыз", + "ун", + "унбер", + "унике", + "унөч", + "ундүрт", + "унбиш", + "уналты", + "унҗиде", + "унсигез", + "унтугыз", + "егерме", + "утыз", + "кырык", + "илле", + "алтмыш", + "җитмеш", + "сиксән", + "туксан", + "йөз", + "мең", + "төмән", + "миллион", + "миллиард", + "триллион", + "триллиард", +] def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text in _num_words: @@ -26,6 +58,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/tt/punctuation.py b/spacy/lang/tt/punctuation.py index e45983926..57f96f36a 100644 --- a/spacy/lang/tt/punctuation.py +++ b/spacy/lang/tt/punctuation.py @@ -4,16 +4,20 @@ from __future__ import unicode_literals from ..char_classes import ALPHA, ALPHA_LOWER, ALPHA_UPPER, QUOTES, HYPHENS from ..char_classes import LIST_ELLIPSES, LIST_ICONS -_hyphens_no_dash = HYPHENS.replace('-', '').strip('|').replace('||', '') -_infixes = (LIST_ELLIPSES + LIST_ICONS + - [r'(?<=[{}])\.(?=[{}])'.format(ALPHA_LOWER, ALPHA_UPPER), - r'(?<=[{a}])[,!?/\(\)]+(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}{q}])[:<>=](?=[{a}])'.format(a=ALPHA, q=QUOTES), - r'(?<=[{a}])--(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}]),(?=[{a}])'.format(a=ALPHA), - r'(?<=[{a}])([{q}\)\]\(\[])(?=[\-{a}])'.format(a=ALPHA, q=QUOTES), - r'(?<=[{a}])[?";:=,.]*(?:{h})(?=[{a}])'.format(a=ALPHA, - h=_hyphens_no_dash), - r'(?<=[0-9])-(?=[0-9])']) +_hyphens_no_dash = HYPHENS.replace("-", "").strip("|").replace("||", "") +_infixes = ( + LIST_ELLIPSES + + LIST_ICONS + + [ + r"(?<=[{}])\.(?=[{}])".format(ALPHA_LOWER, ALPHA_UPPER), + r"(?<=[{a}])[,!?/\(\)]+(?=[{a}])".format(a=ALPHA), + r"(?<=[{a}{q}])[:<>=](?=[{a}])".format(a=ALPHA, q=QUOTES), + r"(?<=[{a}])--(?=[{a}])".format(a=ALPHA), + r"(?<=[{a}]),(?=[{a}])".format(a=ALPHA), + r"(?<=[{a}])([{q}\)\]\(\[])(?=[\-{a}])".format(a=ALPHA, q=QUOTES), + r'(?<=[{a}])[?";:=,.]*(?:{h})(?=[{a}])'.format(a=ALPHA, h=_hyphens_no_dash), + r"(?<=[0-9])-(?=[0-9])", + ] +) TOKENIZER_INFIXES = _infixes diff --git a/spacy/lang/tt/stop_words.py b/spacy/lang/tt/stop_words.py index d800ada46..9f6e9bb86 100644 --- a/spacy/lang/tt/stop_words.py +++ b/spacy/lang/tt/stop_words.py @@ -3,7 +3,8 @@ from __future__ import unicode_literals # Tatar stopwords are from https://github.com/aliiae/stopwords-tt -STOP_WORDS = set("""алай алайса алар аларга аларда алардан аларны аларның аларча +STOP_WORDS = set( + """алай алайса алар аларга аларда алардан аларны аларның аларча алары аларын аларынга аларында аларыннан аларының алтмыш алтмышынчы алтмышынчыга алтмышынчыда алтмышынчыдан алтмышынчылар алтмышынчыларга алтмышынчыларда алтмышынчылардан алтмышынчыларны алтмышынчыларның алтмышынчыны алтмышынчының @@ -81,7 +82,7 @@ STOP_WORDS = set("""алай алайса алар аларга аларда а ни нибарысы никадәре нинди ниндие ниндиен ниндиенгә ниндиендә ниндиенең ниндиеннән ниндиләр ниндиләргә ниндиләрдә ниндиләрдән ниндиләрен ниндиләренн ниндиләреннгә ниндиләренндә ниндиләреннең ниндиләренннән ниндиләрне ниндиләрнең -ниндирәк нихәтле ничаклы ничек ничәшәр ничәшәрләп нуль нче нчы нәрсә нәрсәгә +ниндирәк нихәтле ничаклы ничек ничәшәр ничәшәрләп нуль нче нчы нәрсә нәрсәгә нәрсәдә нәрсәдән нәрсәне нәрсәнең саен сез сезгә сездә сездән сезне сезнең сезнеңчә сигез сигезенче сигезенчегә @@ -90,7 +91,7 @@ STOP_WORDS = set("""алай алайса алар аларга аларда а сиксән син синдә сине синең синеңчә синнән сиңа соң сыман сүзенчә сүзләренчә та таба теге тегеләй тегеләр тегеләргә тегеләрдә тегеләрдән тегеләре тегеләрен -тегеләренгә тегеләрендә тегеләренең тегеләреннән тегеләрне тегеләрнең тегенди +тегеләренгә тегеләрендә тегеләренең тегеләреннән тегеләрне тегеләрнең тегенди тегендигә тегендидә тегендидән тегендине тегендинең тегендә тегендәге тегене тегенеке тегенекен тегенекенгә тегенекендә тегенекенең тегенекеннән тегенең тегеннән тегесе тегесен тегесенгә тегесендә тегесенең тегесеннән тегеңә тиеш тик @@ -171,4 +172,5 @@ STOP_WORDS = set("""алай алайса алар аларга аларда а өстәп өч өчен өченче өченчегә өченчедә өченчедән өченчеләр өченчеләргә өченчеләрдә өченчеләрдән өченчеләрне өченчеләрнең өченчене өченченең өчләп -өчәрләп""".split()) +өчәрләп""".split() +) diff --git a/spacy/lang/tt/tokenizer_exceptions.py b/spacy/lang/tt/tokenizer_exceptions.py index d2d234c36..89f7a990b 100644 --- a/spacy/lang/tt/tokenizer_exceptions.py +++ b/spacy/lang/tt/tokenizer_exceptions.py @@ -14,7 +14,6 @@ _abbrev_exc = [ {ORTH: "җм", LEMMA: "җомга"}, {ORTH: "шб", LEMMA: "шимбә"}, {ORTH: "яш", LEMMA: "якшәмбе"}, - # Months abbreviations {ORTH: "гый", LEMMA: "гыйнвар"}, {ORTH: "фев", LEMMA: "февраль"}, @@ -28,7 +27,6 @@ _abbrev_exc = [ {ORTH: "окт", LEMMA: "октябрь"}, {ORTH: "ноя", LEMMA: "ноябрь"}, {ORTH: "дек", LEMMA: "декабрь"}, - # Number abbreviations {ORTH: "млрд", LEMMA: "миллиард"}, {ORTH: "млн", LEMMA: "миллион"}, @@ -37,15 +35,14 @@ _abbrev_exc = [ for abbr in _abbrev_exc: for orth in (abbr[ORTH], abbr[ORTH].capitalize(), abbr[ORTH].upper()): _exc[orth] = [{ORTH: orth, LEMMA: abbr[LEMMA], NORM: abbr[LEMMA]}] - _exc[orth + "."] = [ - {ORTH: orth + ".", LEMMA: abbr[LEMMA], NORM: abbr[LEMMA]} - ] + _exc[orth + "."] = [{ORTH: orth + ".", LEMMA: abbr[LEMMA], NORM: abbr[LEMMA]}] for exc_data in [ # "etc." abbreviations {ORTH: "һ.б.ш.", NORM: "һәм башка шундыйлар"}, {ORTH: "һ.б.", NORM: "һәм башка"}, {ORTH: "б.э.к.", NORM: "безнең эрага кадәр"}, - {ORTH: "б.э.", NORM: "безнең эра"}]: + {ORTH: "б.э.", NORM: "безнең эра"}, +]: exc_data[LEMMA] = exc_data[NORM] _exc[exc_data[ORTH]] = [exc_data] diff --git a/spacy/lang/ur/__init__.py b/spacy/lang/ur/__init__.py index e54f0de15..0a3e2a502 100644 --- a/spacy/lang/ur/__init__.py +++ b/spacy/lang/ur/__init__.py @@ -1,30 +1,28 @@ # coding: utf8 from __future__ import unicode_literals -from .tokenizer_exceptions import TOKENIZER_EXCEPTIONS from .stop_words import STOP_WORDS from .lex_attrs import LEX_ATTRS from ..tag_map import TAG_MAP from ..tokenizer_exceptions import BASE_EXCEPTIONS from ...language import Language -from ...attrs import LANG, NORM -from ...util import update_exc +from ...attrs import LANG class UrduDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) lex_attr_getters.update(LEX_ATTRS) - lex_attr_getters[LANG] = lambda text: 'ur' + lex_attr_getters[LANG] = lambda text: "ur" - tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) + tokenizer_exceptions = BASE_EXCEPTIONS tag_map = TAG_MAP stop_words = STOP_WORDS class Urdu(Language): - lang = 'ur' + lang = "ur" Defaults = UrduDefaults -__all__ = ['Urdu'] +__all__ = ["Urdu"] diff --git a/spacy/lang/ur/lex_attrs.py b/spacy/lang/ur/lex_attrs.py index 7c5bc81a3..12d85be4b 100644 --- a/spacy/lang/ur/lex_attrs.py +++ b/spacy/lang/ur/lex_attrs.py @@ -29,13 +29,13 @@ _ordinal_words = """پہلا دوسرا تیسرا چوتھا پانچواں چ def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text in _num_words: @@ -44,6 +44,5 @@ def like_num(text): return True return False -LEX_ATTRS = { - LIKE_NUM: like_num -} + +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/ur/stop_words.py b/spacy/lang/ur/stop_words.py index 3c82ebe82..73c159d5c 100644 --- a/spacy/lang/ur/stop_words.py +++ b/spacy/lang/ur/stop_words.py @@ -2,153 +2,153 @@ from __future__ import unicode_literals # Source: collected from different resource on internet - -STOP_WORDS = set(""" +STOP_WORDS = set( + """ ثھی - خو - گی - اپٌے - گئے - ثہت - طرف - ہوبری - پبئے - اپٌب - دوضری - گیب - کت - گب - ثھی - ضے - ہر +خو +گی +اپٌے +گئے +ثہت +طرف +ہوبری +پبئے +اپٌب +دوضری +گیب +کت +گب +ثھی +ضے +ہر پر اش - دی - گے +دی +گے لگیں ہے ثعذ - ضکتے - تھی - اى - دیب - لئے - والے - یہ - ثدبئے - ضکتی - تھب - اًذر - رریعے - لگی - ہوبرا - ہوًے - ثبہر - ضکتب - ًہیں - تو - اور +ضکتے +تھی +اى +دیب +لئے +والے +یہ +ثدبئے +ضکتی +تھب +اًذر +رریعے +لگی +ہوبرا +ہوًے +ثبہر +ضکتب +ًہیں +تو +اور رہب - لگے - ہوضکتب - ہوں - کب - ہوبرے - توبم - کیب - ایطے - رہی - هگر - ہوضکتی - ہیں - کریں - ہو - تک - کی - ایک - رہے - هیں - ہوضکتے - کیطے - ہوًب - تت - کہ - ہوا - آئے - ضبت - تھے - کیوں - ہو - تب - کے - پھر - ثغیر - خبر - ہے - رکھ - کی - طب - کوئی - رریعے +لگے +ہوضکتب +ہوں +کب +ہوبرے +توبم +کیب +ایطے +رہی +هگر +ہوضکتی +ہیں +کریں +ہو +تک +کی +ایک +رہے +هیں +ہوضکتے +کیطے +ہوًب +تت +کہ +ہوا +آئے +ضبت +تھے +کیوں +ہو +تب +کے +پھر +ثغیر +خبر +ہے +رکھ +کی +طب +کوئی + رریعے ثبرے - خب - اضطرذ - ثلکہ - خجکہ - رکھ - تب - کی - طرف - ثراں - خبر - رریعہ - اضکب - ثٌذ - خص - کی - لئے - توہیں +خب +اضطرذ +ثلکہ +خجکہ +رکھ +تب +کی +طرف +ثراں +خبر +رریعہ +اضکب +ثٌذ +خص +کی +لئے +توہیں دوضرے - کررہی - اضکی - ثیچ - خوکہ - رکھتی - کیوًکہ - دوًوں - کر - رہے - خبر - ہی - ثرآں - اضکے - پچھلا - خیطب - رکھتے - کے - ثعذ - تو - ہی - دورى +کررہی +اضکی +ثیچ +خوکہ +رکھتی +کیوًکہ +دوًوں کر - یہبں - آش - تھوڑا - چکے - زکویہ - دوضروں - ضکب - اوًچب - ثٌب - پل - تھوڑی - چلا - خبهوظ - دیتب - ضکٌب - اخبزت - اوًچبئی - ثٌبرہب +رہے +خبر +ہی +ثرآں +اضکے +پچھلا +خیطب +رکھتے +کے +ثعذ +تو +ہی + دورى +کر +یہبں +آش +تھوڑا +چکے +زکویہ +دوضروں +ضکب +اوًچب +ثٌب +پل +تھوڑی +چلا +خبهوظ +دیتب +ضکٌب +اخبزت +اوًچبئی +ثٌبرہب پوچھب تھوڑے چلو @@ -512,4 +512,5 @@ STOP_WORDS = set(""" ہورہی ثبعث ضت -""".split()) +""".split() +) diff --git a/spacy/lang/ur/tag_map.py b/spacy/lang/ur/tag_map.py index 636facef2..2499d7e3e 100644 --- a/spacy/lang/ur/tag_map.py +++ b/spacy/lang/ur/tag_map.py @@ -5,61 +5,67 @@ from ...symbols import POS, PUNCT, SYM, ADJ, CCONJ, NUM, DET, ADV, ADP, X, VERB from ...symbols import NOUN, PROPN, PART, INTJ, SPACE, PRON TAG_MAP = { - ".": {POS: PUNCT, "PunctType": "peri"}, - ",": {POS: PUNCT, "PunctType": "comm"}, - "-LRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "ini"}, - "-RRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "fin"}, - "``": {POS: PUNCT, "PunctType": "quot", "PunctSide": "ini"}, - "\"\"": {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, - "''": {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, - ":": {POS: PUNCT}, - "$": {POS: SYM, "Other": {"SymType": "currency"}}, - "#": {POS: SYM, "Other": {"SymType": "numbersign"}}, - "AFX": {POS: ADJ, "Hyph": "yes"}, - "CC": {POS: CCONJ, "ConjType": "coor"}, - "CD": {POS: NUM, "NumType": "card"}, - "DT": {POS: DET}, - "EX": {POS: ADV, "AdvType": "ex"}, - "FW": {POS: X, "Foreign": "yes"}, - "HYPH": {POS: PUNCT, "PunctType": "dash"}, - "IN": {POS: ADP}, - "JJ": {POS: ADJ, "Degree": "pos"}, - "JJR": {POS: ADJ, "Degree": "comp"}, - "JJS": {POS: ADJ, "Degree": "sup"}, - "LS": {POS: PUNCT, "NumType": "ord"}, - "MD": {POS: VERB, "VerbType": "mod"}, - "NIL": {POS: ""}, - "NN": {POS: NOUN, "Number": "sing"}, - "NNP": {POS: PROPN, "NounType": "prop", "Number": "sing"}, - "NNPS": {POS: PROPN, "NounType": "prop", "Number": "plur"}, - "NNS": {POS: NOUN, "Number": "plur"}, - "PDT": {POS: ADJ, "AdjType": "pdt", "PronType": "prn"}, - "POS": {POS: PART, "Poss": "yes"}, - "PRP": {POS: PRON, "PronType": "prs"}, - "PRP$": {POS: ADJ, "PronType": "prs", "Poss": "yes"}, - "RB": {POS: ADV, "Degree": "pos"}, - "RBR": {POS: ADV, "Degree": "comp"}, - "RBS": {POS: ADV, "Degree": "sup"}, - "RP": {POS: PART}, - "SP": {POS: SPACE}, - "SYM": {POS: SYM}, - "TO": {POS: PART, "PartType": "inf", "VerbForm": "inf"}, - "UH": {POS: INTJ}, - "VB": {POS: VERB, "VerbForm": "inf"}, - "VBD": {POS: VERB, "VerbForm": "fin", "Tense": "past"}, - "VBG": {POS: VERB, "VerbForm": "part", "Tense": "pres", "Aspect": "prog"}, - "VBN": {POS: VERB, "VerbForm": "part", "Tense": "past", "Aspect": "perf"}, - "VBP": {POS: VERB, "VerbForm": "fin", "Tense": "pres"}, - "VBZ": {POS: VERB, "VerbForm": "fin", "Tense": "pres", "Number": "sing", "Person": 3}, - "WDT": {POS: ADJ, "PronType": "int|rel"}, - "WP": {POS: NOUN, "PronType": "int|rel"}, - "WP$": {POS: ADJ, "Poss": "yes", "PronType": "int|rel"}, - "WRB": {POS: ADV, "PronType": "int|rel"}, - "ADD": {POS: X}, - "NFP": {POS: PUNCT}, - "GW": {POS: X}, - "XX": {POS: X}, - "BES": {POS: VERB}, - "HVS": {POS: VERB}, - "_SP": {POS: SPACE}, + ".": {POS: PUNCT, "PunctType": "peri"}, + ",": {POS: PUNCT, "PunctType": "comm"}, + "-LRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "ini"}, + "-RRB-": {POS: PUNCT, "PunctType": "brck", "PunctSide": "fin"}, + "``": {POS: PUNCT, "PunctType": "quot", "PunctSide": "ini"}, + '""': {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, + "''": {POS: PUNCT, "PunctType": "quot", "PunctSide": "fin"}, + ":": {POS: PUNCT}, + "$": {POS: SYM, "Other": {"SymType": "currency"}}, + "#": {POS: SYM, "Other": {"SymType": "numbersign"}}, + "AFX": {POS: ADJ, "Hyph": "yes"}, + "CC": {POS: CCONJ, "ConjType": "coor"}, + "CD": {POS: NUM, "NumType": "card"}, + "DT": {POS: DET}, + "EX": {POS: ADV, "AdvType": "ex"}, + "FW": {POS: X, "Foreign": "yes"}, + "HYPH": {POS: PUNCT, "PunctType": "dash"}, + "IN": {POS: ADP}, + "JJ": {POS: ADJ, "Degree": "pos"}, + "JJR": {POS: ADJ, "Degree": "comp"}, + "JJS": {POS: ADJ, "Degree": "sup"}, + "LS": {POS: PUNCT, "NumType": "ord"}, + "MD": {POS: VERB, "VerbType": "mod"}, + "NIL": {POS: ""}, + "NN": {POS: NOUN, "Number": "sing"}, + "NNP": {POS: PROPN, "NounType": "prop", "Number": "sing"}, + "NNPS": {POS: PROPN, "NounType": "prop", "Number": "plur"}, + "NNS": {POS: NOUN, "Number": "plur"}, + "PDT": {POS: ADJ, "AdjType": "pdt", "PronType": "prn"}, + "POS": {POS: PART, "Poss": "yes"}, + "PRP": {POS: PRON, "PronType": "prs"}, + "PRP$": {POS: ADJ, "PronType": "prs", "Poss": "yes"}, + "RB": {POS: ADV, "Degree": "pos"}, + "RBR": {POS: ADV, "Degree": "comp"}, + "RBS": {POS: ADV, "Degree": "sup"}, + "RP": {POS: PART}, + "SP": {POS: SPACE}, + "SYM": {POS: SYM}, + "TO": {POS: PART, "PartType": "inf", "VerbForm": "inf"}, + "UH": {POS: INTJ}, + "VB": {POS: VERB, "VerbForm": "inf"}, + "VBD": {POS: VERB, "VerbForm": "fin", "Tense": "past"}, + "VBG": {POS: VERB, "VerbForm": "part", "Tense": "pres", "Aspect": "prog"}, + "VBN": {POS: VERB, "VerbForm": "part", "Tense": "past", "Aspect": "perf"}, + "VBP": {POS: VERB, "VerbForm": "fin", "Tense": "pres"}, + "VBZ": { + POS: VERB, + "VerbForm": "fin", + "Tense": "pres", + "Number": "sing", + "Person": 3, + }, + "WDT": {POS: ADJ, "PronType": "int|rel"}, + "WP": {POS: NOUN, "PronType": "int|rel"}, + "WP$": {POS: ADJ, "Poss": "yes", "PronType": "int|rel"}, + "WRB": {POS: ADV, "PronType": "int|rel"}, + "ADD": {POS: X}, + "NFP": {POS: PUNCT}, + "GW": {POS: X}, + "XX": {POS: X}, + "BES": {POS: VERB}, + "HVS": {POS: VERB}, + "_SP": {POS: SPACE}, } diff --git a/spacy/lang/ur/tokenizer_exceptions.py b/spacy/lang/ur/tokenizer_exceptions.py deleted file mode 100644 index d66f13675..000000000 --- a/spacy/lang/ur/tokenizer_exceptions.py +++ /dev/null @@ -1,22 +0,0 @@ -# coding: utf8 -from __future__ import unicode_literals - -# import symbols – if you need to use more, add them here -from ...symbols import ORTH, LEMMA, TAG, NORM, ADP, DET - -# Add tokenizer exceptions -# Documentation: https://spacy.io/docs/usage/adding-languages#tokenizer-exceptions -# Feel free to use custom logic to generate repetitive exceptions more efficiently. -# If an exception is split into more than one token, the ORTH values combined always -# need to match the original string. - -# Exceptions should be added in the following format: - -_exc = { - -} - -# To keep things clean and readable, it's recommended to only declare the -# TOKENIZER_EXCEPTIONS at the bottom: - -TOKENIZER_EXCEPTIONS = _exc diff --git a/spacy/lang/vi/__init__.py b/spacy/lang/vi/__init__.py index 2cca95381..425f84e3d 100644 --- a/spacy/lang/vi/__init__.py +++ b/spacy/lang/vi/__init__.py @@ -6,28 +6,23 @@ from ..norm_exceptions import BASE_NORMS from ...language import Language from ...tokens import Doc from .stop_words import STOP_WORDS -from ...util import update_exc, add_lookups +from ...util import add_lookups from .lex_attrs import LEX_ATTRS -#from ..tokenizer_exceptions import BASE_EXCEPTIONS -#from .tokenizer_exceptions import TOKENIZER_EXCEPTIONS class VietnameseDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'vi' # for pickling - # add more norm exception dictionaries here - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) - - # overwrite functions for lexical attributes + lex_attr_getters[LANG] = lambda text: "vi" # for pickling + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) lex_attr_getters.update(LEX_ATTRS) - - # merge base exceptions and custom tokenizer exceptions - #tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) stop_words = STOP_WORDS use_pyvi = True + class Vietnamese(Language): - lang = 'vi' + lang = "vi" Defaults = VietnameseDefaults # override defaults def make_doc(self, text): @@ -35,19 +30,21 @@ class Vietnamese(Language): try: from pyvi import ViTokenizer except ImportError: - msg = ("Pyvi not installed. Either set Vietnamese.use_pyvi = False, " - "or install it https://pypi.python.org/pypi/pyvi") + msg = ( + "Pyvi not installed. Either set Vietnamese.use_pyvi = False, " + "or install it https://pypi.python.org/pypi/pyvi" + ) raise ImportError(msg) words, spaces = ViTokenizer.spacy_tokenize(text) return Doc(self.vocab, words=words, spaces=spaces) else: words = [] spaces = [] - doc = self.tokenizer(text) for token in self.tokenizer(text): words.extend(list(token.text)) - spaces.extend([False]*len(token.text)) + spaces.extend([False] * len(token.text)) spaces[-1] = bool(token.whitespace_) return Doc(self.vocab, words=words, spaces=spaces) -__all__ = ['Vietnamese'] + +__all__ = ["Vietnamese"] diff --git a/spacy/lang/vi/lex_attrs.py b/spacy/lang/vi/lex_attrs.py index 4c2c60eec..b6cd1188a 100644 --- a/spacy/lang/vi/lex_attrs.py +++ b/spacy/lang/vi/lex_attrs.py @@ -4,18 +4,31 @@ from __future__ import unicode_literals from ...attrs import LIKE_NUM -_num_words = ['không', 'một', 'hai', 'ba', 'bốn', 'năm', 'sáu', 'bẩy', - 'tám', 'chín', 'mười', 'trăm', 'tỷ'] +_num_words = [ + "không", + "một", + "hai", + "ba", + "bốn", + "năm", + "sáu", + "bẩy", + "tám", + "chín", + "mười", + "trăm", + "tỷ", +] def like_num(text): - if text.startswith(('+', '-', '±', '~')): + if text.startswith(("+", "-", "±", "~")): text = text[1:] - text = text.replace(',', '').replace('.', '') + text = text.replace(",", "").replace(".", "") if text.isdigit(): return True - if text.count('/') == 1: - num, denom = text.split('/') + if text.count("/") == 1: + num, denom = text.split("/") if num.isdigit() and denom.isdigit(): return True if text.lower() in _num_words: @@ -23,6 +36,4 @@ def like_num(text): return False -LEX_ATTRS = { - LIKE_NUM: like_num -} +LEX_ATTRS = {LIKE_NUM: like_num} diff --git a/spacy/lang/vi/stop_words.py b/spacy/lang/vi/stop_words.py index c9542198b..13284dc59 100644 --- a/spacy/lang/vi/stop_words.py +++ b/spacy/lang/vi/stop_words.py @@ -1,11 +1,9 @@ # coding: utf8 from __future__ import unicode_literals -# source: https://github.com/stopwords/vietnamese-stopwords - -# Stop words - -STOP_WORDS = set(""" +# Source: https://github.com/stopwords/vietnamese-stopwords +STOP_WORDS = set( + """ a_lô a_ha ai @@ -1948,4 +1946,7 @@ yêu_cầu ừ_ào ừ_ừ ử -""".split('\n')) +""".split( + "\n" + ) +) diff --git a/spacy/lang/vi/tag_map.py b/spacy/lang/vi/tag_map.py index 529d0249b..472e772ef 100644 --- a/spacy/lang/vi/tag_map.py +++ b/spacy/lang/vi/tag_map.py @@ -5,32 +5,24 @@ from ..symbols import POS, ADV, NOUN, ADP, PRON, SCONJ, PROPN, DET, SYM, INTJ from ..symbols import PUNCT, NUM, AUX, X, CONJ, ADJ, VERB, PART, SPACE, CCONJ -# Add a tag map -# Documentation: https://spacy.io/docs/usage/adding-languages#tag-map -# Universal Dependencies: http://universaldependencies.org/u/pos/all.html -# The keys of the tag map should be strings in your tag set. The dictionary must -# have an entry POS whose value is one of the Universal Dependencies tags. -# Optionally, you can also include morphological features or other attributes. - - TAG_MAP = { - "ADV": {POS: ADV}, - "NOUN": {POS: NOUN}, - "ADP": {POS: ADP}, - "PRON": {POS: PRON}, - "SCONJ": {POS: SCONJ}, - "PROPN": {POS: PROPN}, - "DET": {POS: DET}, - "SYM": {POS: SYM}, - "INTJ": {POS: INTJ}, - "PUNCT": {POS: PUNCT}, - "NUM": {POS: NUM}, - "AUX": {POS: AUX}, - "X": {POS: X}, - "CONJ": {POS: CONJ}, - "CCONJ": {POS: CCONJ}, - "ADJ": {POS: ADJ}, - "VERB": {POS: VERB}, - "PART": {POS: PART}, - "SP": {POS: SPACE} -} \ No newline at end of file + "ADV": {POS: ADV}, + "NOUN": {POS: NOUN}, + "ADP": {POS: ADP}, + "PRON": {POS: PRON}, + "SCONJ": {POS: SCONJ}, + "PROPN": {POS: PROPN}, + "DET": {POS: DET}, + "SYM": {POS: SYM}, + "INTJ": {POS: INTJ}, + "PUNCT": {POS: PUNCT}, + "NUM": {POS: NUM}, + "AUX": {POS: AUX}, + "X": {POS: X}, + "CONJ": {POS: CONJ}, + "CCONJ": {POS: CCONJ}, + "ADJ": {POS: ADJ}, + "VERB": {POS: VERB}, + "PART": {POS: PART}, + "SP": {POS: SPACE}, +} diff --git a/spacy/lang/xx/__init__.py b/spacy/lang/xx/__init__.py index 017f55ecc..66d8c7917 100644 --- a/spacy/lang/xx/__init__.py +++ b/spacy/lang/xx/__init__.py @@ -11,8 +11,10 @@ from ...util import update_exc, add_lookups class MultiLanguageDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'xx' - lex_attr_getters[NORM] = add_lookups(Language.Defaults.lex_attr_getters[NORM], BASE_NORMS) + lex_attr_getters[LANG] = lambda text: "xx" + lex_attr_getters[NORM] = add_lookups( + Language.Defaults.lex_attr_getters[NORM], BASE_NORMS + ) tokenizer_exceptions = update_exc(BASE_EXCEPTIONS) @@ -20,8 +22,9 @@ class MultiLanguage(Language): """Language class to be used for models that support multiple languages. This module allows models to specify their language ID as 'xx'. """ - lang = 'xx' + + lang = "xx" Defaults = MultiLanguageDefaults -__all__ = ['MultiLanguage'] +__all__ = ["MultiLanguage"] diff --git a/spacy/lang/zh/__init__.py b/spacy/lang/zh/__init__.py index 5fdbbe978..04a7d1508 100644 --- a/spacy/lang/zh/__init__.py +++ b/spacy/lang/zh/__init__.py @@ -4,24 +4,20 @@ from __future__ import unicode_literals from ...attrs import LANG from ...language import Language from ...tokens import Doc -from .tag_map import TAG_MAP -from .stop_words import STOP_WORDS -from ...util import update_exc from ..tokenizer_exceptions import BASE_EXCEPTIONS -from .tokenizer_exceptions import TOKENIZER_EXCEPTIONS +from .stop_words import STOP_WORDS class ChineseDefaults(Language.Defaults): lex_attr_getters = dict(Language.Defaults.lex_attr_getters) - lex_attr_getters[LANG] = lambda text: 'zh' # for pickling + lex_attr_getters[LANG] = lambda text: "zh" use_jieba = True - tokenizer_exceptions = update_exc(BASE_EXCEPTIONS, TOKENIZER_EXCEPTIONS) - tag_map = TAG_MAP + tokenizer_exceptions = BASE_EXCEPTIONS stop_words = STOP_WORDS class Chinese(Language): - lang = 'zh' + lang = "zh" Defaults = ChineseDefaults # override defaults def make_doc(self, text): @@ -29,21 +25,22 @@ class Chinese(Language): try: import jieba except ImportError: - msg = ("Jieba not installed. Either set Chinese.use_jieba = False, " - "or install it https://github.com/fxsjy/jieba") + msg = ( + "Jieba not installed. Either set Chinese.use_jieba = False, " + "or install it https://github.com/fxsjy/jieba" + ) raise ImportError(msg) words = list(jieba.cut(text, cut_all=False)) words = [x for x in words if x] - return Doc(self.vocab, words=words, spaces=[False]*len(words)) + return Doc(self.vocab, words=words, spaces=[False] * len(words)) else: words = [] spaces = [] - doc = self.tokenizer(text) for token in self.tokenizer(text): words.extend(list(token.text)) - spaces.extend([False]*len(token.text)) + spaces.extend([False] * len(token.text)) spaces[-1] = bool(token.whitespace_) return Doc(self.vocab, words=words, spaces=spaces) -__all__ = ['Chinese'] +__all__ = ["Chinese"] diff --git a/spacy/lang/zh/examples.py b/spacy/lang/zh/examples.py index 5e8a36119..3c2e45e80 100644 --- a/spacy/lang/zh/examples.py +++ b/spacy/lang/zh/examples.py @@ -14,5 +14,5 @@ sentences = [ "蘋果公司正考量用一億元買下英國的新創公司", "自駕車將保險責任歸屬轉移至製造商", "舊金山考慮禁止送貨機器人在人行道上行駛", - "倫敦是英國的大城市" + "倫敦是英國的大城市", ] diff --git a/spacy/lang/zh/stop_words.py b/spacy/lang/zh/stop_words.py index 8302d19a9..0af4c1859 100644 --- a/spacy/lang/zh/stop_words.py +++ b/spacy/lang/zh/stop_words.py @@ -4,7 +4,8 @@ from __future__ import unicode_literals # stop words as whitespace-separated list # Chinese stop words,maybe not enough -STOP_WORDS = set(""" +STOP_WORDS = set( + """ ! " # @@ -1898,4 +1899,5 @@ sup ~± ~+ ¥ -""".split()) +""".split() +) diff --git a/spacy/lang/zh/tag_map.py b/spacy/lang/zh/tag_map.py deleted file mode 100644 index 33829f27f..000000000 --- a/spacy/lang/zh/tag_map.py +++ /dev/null @@ -1,24 +0,0 @@ -# encoding: utf8 -from __future__ import unicode_literals - -from ...symbols import * - - -TAG_MAP = { - "ADV": {POS: ADV}, - "NOUN": {POS: NOUN}, - "ADP": {POS: ADP}, - "PRON": {POS: PRON}, - "SCONJ": {POS: SCONJ}, - "PROPN": {POS: PROPN}, - "DET": {POS: DET}, - "SYM": {POS: SYM}, - "INTJ": {POS: INTJ}, - "PUNCT": {POS: PUNCT}, - "NUM": {POS: NUM}, - "AUX": {POS: AUX}, - "X": {POS: X}, - "CONJ": {POS: CONJ}, - "ADJ": {POS: ADJ}, - "VERB": {POS: VERB} -} diff --git a/spacy/lang/zh/tokenizer_exceptions.py b/spacy/lang/zh/tokenizer_exceptions.py deleted file mode 100644 index 26a3ea908..000000000 --- a/spacy/lang/zh/tokenizer_exceptions.py +++ /dev/null @@ -1,45 +0,0 @@ -# encoding: utf8 -from __future__ import unicode_literals - -from ...symbols import * - - -TOKENIZER_EXCEPTIONS = { - "Jan.": [ - {ORTH: "Jan.", LEMMA: "January"} - ] -} - - -# exceptions mapped to a single token containing only ORTH property -# example: {"string": [{ORTH: "string"}]} -# converted using strings_to_exc() util - -ORTH_ONLY = [ - "a.", - "b.", - "c.", - "d.", - "e.", - "f.", - "g.", - "h.", - "i.", - "j.", - "k.", - "l.", - "m.", - "n.", - "o.", - "p.", - "q.", - "r.", - "s.", - "t.", - "u.", - "v.", - "w.", - "x.", - "y.", - "z." -] diff --git a/spacy/language.py b/spacy/language.py index 1dca751e3..b21fededc 100644 --- a/spacy/language.py +++ b/spacy/language.py @@ -10,7 +10,6 @@ from collections import OrderedDict from contextlib import contextmanager from copy import copy from thinc.neural import Model -from thinc.neural.optimizers import Adam from .tokenizer import Tokenizer from .vocab import Vocab @@ -37,18 +36,21 @@ from . import about class BaseDefaults(object): @classmethod def create_lemmatizer(cls, nlp=None): - return Lemmatizer(cls.lemma_index, cls.lemma_exc, cls.lemma_rules, - cls.lemma_lookup) + return Lemmatizer( + cls.lemma_index, cls.lemma_exc, cls.lemma_rules, cls.lemma_lookup + ) @classmethod def create_vocab(cls, nlp=None): lemmatizer = cls.create_lemmatizer(nlp) lex_attr_getters = dict(cls.lex_attr_getters) # This is messy, but it's the minimal working fix to Issue #639. - lex_attr_getters[IS_STOP] = functools.partial(is_stop, - stops=cls.stop_words) - vocab = Vocab(lex_attr_getters=lex_attr_getters, tag_map=cls.tag_map, - lemmatizer=lemmatizer) + lex_attr_getters[IS_STOP] = functools.partial(is_stop, stops=cls.stop_words) + vocab = Vocab( + lex_attr_getters=lex_attr_getters, + tag_map=cls.tag_map, + lemmatizer=lemmatizer, + ) for tag_str, exc in cls.morph_rules.items(): for orth_str, attrs in exc.items(): vocab.morphology.add_special_case(tag_str, orth_str, attrs) @@ -58,20 +60,26 @@ class BaseDefaults(object): def create_tokenizer(cls, nlp=None): rules = cls.tokenizer_exceptions token_match = cls.token_match - prefix_search = (util.compile_prefix_regex(cls.prefixes).search - if cls.prefixes else None) - suffix_search = (util.compile_suffix_regex(cls.suffixes).search - if cls.suffixes else None) - infix_finditer = (util.compile_infix_regex(cls.infixes).finditer - if cls.infixes else None) + prefix_search = ( + util.compile_prefix_regex(cls.prefixes).search if cls.prefixes else None + ) + suffix_search = ( + util.compile_suffix_regex(cls.suffixes).search if cls.suffixes else None + ) + infix_finditer = ( + util.compile_infix_regex(cls.infixes).finditer if cls.infixes else None + ) vocab = nlp.vocab if nlp is not None else cls.create_vocab(nlp) - return Tokenizer(vocab, rules=rules, - prefix_search=prefix_search, - suffix_search=suffix_search, - infix_finditer=infix_finditer, - token_match=token_match) + return Tokenizer( + vocab, + rules=rules, + prefix_search=prefix_search, + suffix_search=suffix_search, + infix_finditer=infix_finditer, + token_match=token_match, + ) - pipe_names = ['tagger', 'parser', 'ner'] + pipe_names = ["tagger", "parser", "ner"] token_match = TOKEN_MATCH prefixes = tuple(TOKENIZER_PREFIXES) suffixes = tuple(TOKENIZER_SUFFIXES) @@ -96,26 +104,29 @@ class Language(object): object and processing pipeline. lang (unicode): Two-letter language ID, i.e. ISO code. """ + Defaults = BaseDefaults lang = None factories = { - 'tokenizer': lambda nlp: nlp.Defaults.create_tokenizer(nlp), - 'tensorizer': lambda nlp, **cfg: Tensorizer(nlp.vocab, **cfg), - 'tagger': lambda nlp, **cfg: Tagger(nlp.vocab, **cfg), - 'parser': lambda nlp, **cfg: DependencyParser(nlp.vocab, **cfg), - 'ner': lambda nlp, **cfg: EntityRecognizer(nlp.vocab, **cfg), - 'similarity': lambda nlp, **cfg: SimilarityHook(nlp.vocab, **cfg), - 'textcat': lambda nlp, **cfg: TextCategorizer(nlp.vocab, **cfg), - 'sbd': lambda nlp, **cfg: SentenceSegmenter(nlp.vocab, **cfg), - 'sentencizer': lambda nlp, **cfg: SentenceSegmenter(nlp.vocab, **cfg), - 'merge_noun_chunks': lambda nlp, **cfg: merge_noun_chunks, - 'merge_entities': lambda nlp, **cfg: merge_entities, - 'merge_subtokens': lambda nlp, **cfg: merge_subtokens, - 'entity_ruler': lambda nlp, **cfg: EntityRuler(nlp, **cfg) + "tokenizer": lambda nlp: nlp.Defaults.create_tokenizer(nlp), + "tensorizer": lambda nlp, **cfg: Tensorizer(nlp.vocab, **cfg), + "tagger": lambda nlp, **cfg: Tagger(nlp.vocab, **cfg), + "parser": lambda nlp, **cfg: DependencyParser(nlp.vocab, **cfg), + "ner": lambda nlp, **cfg: EntityRecognizer(nlp.vocab, **cfg), + "similarity": lambda nlp, **cfg: SimilarityHook(nlp.vocab, **cfg), + "textcat": lambda nlp, **cfg: TextCategorizer(nlp.vocab, **cfg), + "sbd": lambda nlp, **cfg: SentenceSegmenter(nlp.vocab, **cfg), + "sentencizer": lambda nlp, **cfg: SentenceSegmenter(nlp.vocab, **cfg), + "merge_noun_chunks": lambda nlp, **cfg: merge_noun_chunks, + "merge_entities": lambda nlp, **cfg: merge_entities, + "merge_subtokens": lambda nlp, **cfg: merge_subtokens, + "entity_ruler": lambda nlp, **cfg: EntityRuler(nlp, **cfg), } - def __init__(self, vocab=True, make_doc=True, max_length=10**6, meta={}, **kwargs): + def __init__( + self, vocab=True, make_doc=True, max_length=10 ** 6, meta={}, **kwargs + ): """Initialise a Language object. vocab (Vocab): A `Vocab` object. If `True`, a vocab is created via @@ -135,7 +146,7 @@ class Language(object): 100,000 characters in one text. RETURNS (Language): The newly constructed object. """ - user_factories = util.get_entry_points('spacy_factories') + user_factories = util.get_entry_points("spacy_factories") for factory in user_factories.keys(): if factory in self.factories: user_warning(Warnings.W009.format(name=factory)) @@ -144,13 +155,13 @@ class Language(object): self._path = None if vocab is True: factory = self.Defaults.create_vocab - vocab = factory(self, **meta.get('vocab', {})) + vocab = factory(self, **meta.get("vocab", {})) if vocab.vectors.name is None: - vocab.vectors.name = meta.get('vectors', {}).get('name') + vocab.vectors.name = meta.get("vectors", {}).get("name") self.vocab = vocab if make_doc is True: factory = self.Defaults.create_tokenizer - make_doc = factory(self, **meta.get('tokenizer', {})) + make_doc = factory(self, **meta.get("tokenizer", {})) self.tokenizer = make_doc self.pipeline = [] self.max_length = max_length @@ -162,20 +173,22 @@ class Language(object): @property def meta(self): - self._meta.setdefault('lang', self.vocab.lang) - self._meta.setdefault('name', 'model') - self._meta.setdefault('version', '0.0.0') - self._meta.setdefault('spacy_version', '>={}'.format(about.__version__)) - self._meta.setdefault('description', '') - self._meta.setdefault('author', '') - self._meta.setdefault('email', '') - self._meta.setdefault('url', '') - self._meta.setdefault('license', '') - self._meta['vectors'] = {'width': self.vocab.vectors_length, - 'vectors': len(self.vocab.vectors), - 'keys': self.vocab.vectors.n_keys, - 'name': self.vocab.vectors.name} - self._meta['pipeline'] = self.pipe_names + self._meta.setdefault("lang", self.vocab.lang) + self._meta.setdefault("name", "model") + self._meta.setdefault("version", "0.0.0") + self._meta.setdefault("spacy_version", ">={}".format(about.__version__)) + self._meta.setdefault("description", "") + self._meta.setdefault("author", "") + self._meta.setdefault("email", "") + self._meta.setdefault("url", "") + self._meta.setdefault("license", "") + self._meta["vectors"] = { + "width": self.vocab.vectors_length, + "vectors": len(self.vocab.vectors), + "keys": self.vocab.vectors.n_keys, + "name": self.vocab.vectors.name, + } + self._meta["pipeline"] = self.pipe_names return self._meta @meta.setter @@ -185,23 +198,23 @@ class Language(object): # Conveniences to access pipeline components @property def tensorizer(self): - return self.get_pipe('tensorizer') + return self.get_pipe("tensorizer") @property def tagger(self): - return self.get_pipe('tagger') + return self.get_pipe("tagger") @property def parser(self): - return self.get_pipe('parser') + return self.get_pipe("parser") @property def entity(self): - return self.get_pipe('ner') + return self.get_pipe("ner") @property def matcher(self): - return self.get_pipe('matcher') + return self.get_pipe("matcher") @property def pipe_names(self): @@ -234,8 +247,9 @@ class Language(object): factory = self.factories[name] return factory(self, **config) - def add_pipe(self, component, name=None, before=None, after=None, - first=None, last=None): + def add_pipe( + self, component, name=None, before=None, after=None, first=None, last=None + ): """Add a component to the processing pipeline. Valid components are callables that take a `Doc` object, modify it and return it. Only one of before/after/first/last can be set. Default behaviour is "last". @@ -254,18 +268,19 @@ class Language(object): >>> nlp.add_pipe(component, before='ner') >>> nlp.add_pipe(component, name='custom_name', last=True) """ - if not hasattr(component, '__call__'): + if not hasattr(component, "__call__"): msg = Errors.E003.format(component=repr(component), name=name) if isinstance(component, basestring_) and component in self.factories: msg += Errors.E004.format(component=component) raise ValueError(msg) if name is None: - if hasattr(component, 'name'): + if hasattr(component, "name"): name = component.name - elif hasattr(component, '__name__'): + elif hasattr(component, "__name__"): name = component.__name__ - elif (hasattr(component, '__class__') and - hasattr(component.__class__, '__name__')): + elif hasattr(component, "__class__") and hasattr( + component.__class__, "__name__" + ): name = component.__class__.__name__ else: name = repr(component) @@ -283,8 +298,9 @@ class Language(object): elif after and after in self.pipe_names: self.pipeline.insert(self.pipe_names.index(after) + 1, pipe) else: - raise ValueError(Errors.E001.format(name=before or after, - opts=self.pipe_names)) + raise ValueError( + Errors.E001.format(name=before or after, opts=self.pipe_names) + ) def has_pipe(self, name): """Check if a component name is present in the pipeline. Equivalent to @@ -343,13 +359,14 @@ class Language(object): ('An', 'NN') """ if len(text) > self.max_length: - raise ValueError(Errors.E088.format(length=len(text), - max_length=self.max_length)) + raise ValueError( + Errors.E088.format(length=len(text), max_length=self.max_length) + ) doc = self.make_doc(text) for name, proc in self.pipeline: if name in disable: continue - if not hasattr(proc, '__call__'): + if not hasattr(proc, "__call__"): raise ValueError(Errors.E003.format(component=type(proc), name=name)) doc = proc(doc) if doc is None: @@ -379,7 +396,7 @@ class Language(object): def make_doc(self, text): return self.tokenizer(text) - def update(self, docs, golds, drop=0., sgd=None, losses=None): + def update(self, docs, golds, drop=0.0, sgd=None, losses=None): """Update the models in the pipeline. docs (iterable): A batch of `Doc` objects. @@ -427,7 +444,7 @@ class Language(object): pipes = list(self.pipeline) random.shuffle(pipes) for name, proc in pipes: - if not hasattr(proc, 'update'): + if not hasattr(proc, "update"): continue grads = {} proc.update(docs, golds, drop=drop, sgd=get_grads, losses=losses) @@ -442,7 +459,7 @@ class Language(object): YIELDS (tuple): Tuples of preprocessed `Doc` and `GoldParse` objects. """ for name, proc in self.pipeline: - if hasattr(proc, 'preprocess_gold'): + if hasattr(proc, "preprocess_gold"): docs_golds = proc.preprocess_gold(docs_golds) for doc, gold in docs_golds: yield doc, gold @@ -464,25 +481,23 @@ class Language(object): for word in annots[1]: _ = self.vocab[word] contexts = [] - if cfg.get('device', -1) >= 0: - device = util.use_gpu(cfg['device']) + if cfg.get("device", -1) >= 0: + device = util.use_gpu(cfg["device"]) if self.vocab.vectors.data.shape[1] >= 1: - self.vocab.vectors.data = Model.ops.asarray( - self.vocab.vectors.data) + self.vocab.vectors.data = Model.ops.asarray(self.vocab.vectors.data) else: device = None link_vectors_to_models(self.vocab) if self.vocab.vectors.data.shape[1]: - cfg['pretrained_vectors'] = self.vocab.vectors.name + cfg["pretrained_vectors"] = self.vocab.vectors.name if sgd is None: sgd = create_default_optimizer(Model.ops) self._optimizer = sgd for name, proc in self.pipeline: - if hasattr(proc, 'begin_training'): - proc.begin_training(get_gold_tuples, - pipeline=self.pipeline, - sgd=self._optimizer, - **cfg) + if hasattr(proc, "begin_training"): + proc.begin_training( + get_gold_tuples, pipeline=self.pipeline, sgd=self._optimizer, **cfg + ) return self._optimizer def evaluate(self, docs_golds, verbose=False): @@ -491,7 +506,7 @@ class Language(object): docs = list(docs) golds = list(golds) for name, pipe in self.pipeline: - if not hasattr(pipe, 'pipe'): + if not hasattr(pipe, "pipe"): docs = (pipe(doc) for doc in docs) else: docs = pipe.pipe(docs, batch_size=256) @@ -514,8 +529,11 @@ class Language(object): >>> with nlp.use_params(optimizer.averages): >>> nlp.to_disk('/tmp/checkpoint') """ - contexts = [pipe.use_params(params) for name, pipe - in self.pipeline if hasattr(pipe, 'use_params')] + contexts = [ + pipe.use_params(params) + for name, pipe in self.pipeline + if hasattr(pipe, "use_params") + ] # TODO: Having trouble with contextlib # Workaround: these aren't actually context managers atm. for context in contexts: @@ -530,8 +548,15 @@ class Language(object): except StopIteration: pass - def pipe(self, texts, as_tuples=False, n_threads=2, batch_size=1000, - disable=[], cleanup=False): + def pipe( + self, + texts, + as_tuples=False, + n_threads=2, + batch_size=1000, + disable=[], + cleanup=False, + ): """Process texts as a stream, and yield `Doc` objects in order. texts (iterator): A sequence of texts to process. @@ -555,8 +580,9 @@ class Language(object): text_context1, text_context2 = itertools.tee(texts) texts = (tc[0] for tc in text_context1) contexts = (tc[1] for tc in text_context2) - docs = self.pipe(texts, n_threads=n_threads, batch_size=batch_size, - disable=disable) + docs = self.pipe( + texts, n_threads=n_threads, batch_size=batch_size, disable=disable + ) for doc, context in izip(docs, contexts): yield (doc, context) return @@ -564,9 +590,8 @@ class Language(object): for name, proc in self.pipeline: if name in disable: continue - if hasattr(proc, 'pipe'): - docs = proc.pipe(docs, n_threads=n_threads, - batch_size=batch_size) + if hasattr(proc, "pipe"): + docs = proc.pipe(docs, n_threads=n_threads, batch_size=batch_size) else: # Apply the function, but yield the doc docs = _pipe(proc, docs) @@ -593,7 +618,9 @@ class Language(object): if original_strings_data is None: original_strings_data = list(self.vocab.strings) else: - keys, strings = self.vocab.strings._cleanup_stale_strings(original_strings_data) + keys, strings = self.vocab.strings._cleanup_stale_strings( + original_strings_data + ) self.vocab._reset_cache(keys, strings) self.tokenizer._reset_cache(keys) nr_seen = 0 @@ -611,19 +638,21 @@ class Language(object): >>> nlp.to_disk('/path/to/models') """ path = util.ensure_path(path) - serializers = OrderedDict(( - ('tokenizer', lambda p: self.tokenizer.to_disk(p, vocab=False)), - ('meta.json', lambda p: p.open('w').write(json_dumps(self.meta))) - )) + serializers = OrderedDict( + ( + ("tokenizer", lambda p: self.tokenizer.to_disk(p, vocab=False)), + ("meta.json", lambda p: p.open("w").write(json_dumps(self.meta))), + ) + ) for name, proc in self.pipeline: - if not hasattr(proc, 'name'): + if not hasattr(proc, "name"): continue if name in disable: continue - if not hasattr(proc, 'to_disk'): + if not hasattr(proc, "to_disk"): continue serializers[name] = lambda p, proc=proc: proc.to_disk(p, vocab=False) - serializers['vocab'] = lambda p: self.vocab.to_disk(p) + serializers["vocab"] = lambda p: self.vocab.to_disk(p) util.to_disk(path, serializers, {p: False for p in disable}) def from_disk(self, path, disable=tuple()): @@ -641,21 +670,27 @@ class Language(object): >>> nlp = Language().from_disk('/path/to/models') """ path = util.ensure_path(path) - deserializers = OrderedDict(( - ('meta.json', lambda p: self.meta.update(util.read_json(p))), - ('vocab', lambda p: ( - self.vocab.from_disk(p) and _fix_pretrained_vectors_name(self))), - ('tokenizer', lambda p: self.tokenizer.from_disk(p, vocab=False)), - )) + deserializers = OrderedDict( + ( + ("meta.json", lambda p: self.meta.update(util.read_json(p))), + ( + "vocab", + lambda p: ( + self.vocab.from_disk(p) and _fix_pretrained_vectors_name(self) + ), + ), + ("tokenizer", lambda p: self.tokenizer.from_disk(p, vocab=False)), + ) + ) for name, proc in self.pipeline: if name in disable: continue - if not hasattr(proc, 'from_disk'): + if not hasattr(proc, "from_disk"): continue deserializers[name] = lambda p, proc=proc: proc.from_disk(p, vocab=False) exclude = {p: False for p in disable} - if not (path / 'vocab').exists(): - exclude['vocab'] = True + if not (path / "vocab").exists(): + exclude["vocab"] = True util.from_disk(path, deserializers, exclude) self._path = path return self @@ -667,15 +702,17 @@ class Language(object): from being serialized. RETURNS (bytes): The serialized form of the `Language` object. """ - serializers = OrderedDict(( - ('vocab', lambda: self.vocab.to_bytes()), - ('tokenizer', lambda: self.tokenizer.to_bytes(vocab=False)), - ('meta', lambda: json_dumps(self.meta)) - )) + serializers = OrderedDict( + ( + ("vocab", lambda: self.vocab.to_bytes()), + ("tokenizer", lambda: self.tokenizer.to_bytes(vocab=False)), + ("meta", lambda: json_dumps(self.meta)), + ) + ) for i, (name, proc) in enumerate(self.pipeline): if name in disable: continue - if not hasattr(proc, 'to_bytes'): + if not hasattr(proc, "to_bytes"): continue serializers[i] = lambda proc=proc: proc.to_bytes(vocab=False) return util.to_bytes(serializers, exclude) @@ -687,16 +724,22 @@ class Language(object): disable (list): Names of the pipeline components to disable. RETURNS (Language): The `Language` object. """ - deserializers = OrderedDict(( - ('meta', lambda b: self.meta.update(ujson.loads(b))), - ('vocab', lambda b: ( - self.vocab.from_bytes(b) and _fix_pretrained_vectors_name(self))), - ('tokenizer', lambda b: self.tokenizer.from_bytes(b, vocab=False)), - )) + deserializers = OrderedDict( + ( + ("meta", lambda b: self.meta.update(ujson.loads(b))), + ( + "vocab", + lambda b: ( + self.vocab.from_bytes(b) and _fix_pretrained_vectors_name(self) + ), + ), + ("tokenizer", lambda b: self.tokenizer.from_bytes(b, vocab=False)), + ) + ) for i, (name, proc) in enumerate(self.pipeline): if name in disable: continue - if not hasattr(proc, 'from_bytes'): + if not hasattr(proc, "from_bytes"): continue deserializers[i] = lambda b, proc=proc: proc.from_bytes(b, vocab=False) msg = util.from_bytes(bytes_data, deserializers, {}) @@ -706,26 +749,27 @@ class Language(object): def _fix_pretrained_vectors_name(nlp): # TODO: Replace this once we handle vectors consistently as static # data - if 'vectors' in nlp.meta and nlp.meta['vectors'].get('name'): - nlp.vocab.vectors.name = nlp.meta['vectors']['name'] + if "vectors" in nlp.meta and nlp.meta["vectors"].get("name"): + nlp.vocab.vectors.name = nlp.meta["vectors"]["name"] elif not nlp.vocab.vectors.size: nlp.vocab.vectors.name = None - elif 'name' in nlp.meta and 'lang' in nlp.meta: - vectors_name = '%s_%s.vectors' % (nlp.meta['lang'], nlp.meta['name']) + elif "name" in nlp.meta and "lang" in nlp.meta: + vectors_name = "%s_%s.vectors" % (nlp.meta["lang"], nlp.meta["name"]) nlp.vocab.vectors.name = vectors_name else: raise ValueError(Errors.E092) if nlp.vocab.vectors.size != 0: link_vectors_to_models(nlp.vocab) for name, proc in nlp.pipeline: - if not hasattr(proc, 'cfg'): + if not hasattr(proc, "cfg"): continue - proc.cfg.setdefault('deprecation_fixes', {}) - proc.cfg['deprecation_fixes']['vectors_name'] = nlp.vocab.vectors.name + proc.cfg.setdefault("deprecation_fixes", {}) + proc.cfg["deprecation_fixes"]["vectors_name"] = nlp.vocab.vectors.name class DisabledPipes(list): """Manager for temporary pipeline disabling.""" + def __init__(self, nlp, *names): self.nlp = nlp self.names = names @@ -743,10 +787,9 @@ class DisabledPipes(list): self.restore() def restore(self): - '''Restore the pipeline to its state when DisabledPipes was created.''' + """Restore the pipeline to its state when DisabledPipes was created.""" current, self.nlp.pipeline = self.nlp.pipeline, self.original_pipeline - unexpected = [name for name, pipe in current - if not self.nlp.has_pipe(name)] + unexpected = [name for name, pipe in current if not self.nlp.has_pipe(name)] if unexpected: # Don't change the pipeline if we're raising an error. self.nlp.pipeline = current diff --git a/spacy/lemmatizer.py b/spacy/lemmatizer.py index 93121a0c5..842bf3041 100644 --- a/spacy/lemmatizer.py +++ b/spacy/lemmatizer.py @@ -19,24 +19,27 @@ class Lemmatizer(object): def __call__(self, string, univ_pos, morphology=None): if not self.rules: return [self.lookup_table.get(string, string)] - if univ_pos in (NOUN, 'NOUN', 'noun'): - univ_pos = 'noun' - elif univ_pos in (VERB, 'VERB', 'verb'): - univ_pos = 'verb' - elif univ_pos in (ADJ, 'ADJ', 'adj'): - univ_pos = 'adj' - elif univ_pos in (PUNCT, 'PUNCT', 'punct'): - univ_pos = 'punct' - elif univ_pos in (PROPN, 'PROPN'): + if univ_pos in (NOUN, "NOUN", "noun"): + univ_pos = "noun" + elif univ_pos in (VERB, "VERB", "verb"): + univ_pos = "verb" + elif univ_pos in (ADJ, "ADJ", "adj"): + univ_pos = "adj" + elif univ_pos in (PUNCT, "PUNCT", "punct"): + univ_pos = "punct" + elif univ_pos in (PROPN, "PROPN"): return [string] else: return [string.lower()] # See Issue #435 for example of where this logic is requied. if self.is_base_form(univ_pos, morphology): return [string.lower()] - lemmas = lemmatize(string, self.index.get(univ_pos, {}), - self.exc.get(univ_pos, {}), - self.rules.get(univ_pos, [])) + lemmas = lemmatize( + string, + self.index.get(univ_pos, {}), + self.exc.get(univ_pos, {}), + self.rules.get(univ_pos, []), + ) return lemmas def is_base_form(self, univ_pos, morphology=None): @@ -45,20 +48,25 @@ class Lemmatizer(object): avoid lemmatization entirely. """ morphology = {} if morphology is None else morphology - others = [key for key in morphology - if key not in (POS, 'Number', 'POS', 'VerbForm', 'Tense')] - if univ_pos == 'noun' and morphology.get('Number') == 'sing': + others = [ + key + for key in morphology + if key not in (POS, "Number", "POS", "VerbForm", "Tense") + ] + if univ_pos == "noun" and morphology.get("Number") == "sing": return True - elif univ_pos == 'verb' and morphology.get('VerbForm') == 'inf': + elif univ_pos == "verb" and morphology.get("VerbForm") == "inf": return True # This maps 'VBP' to base form -- probably just need 'IS_BASE' # morphology - elif univ_pos == 'verb' and (morphology.get('VerbForm') == 'fin' and - morphology.get('Tense') == 'pres' and - morphology.get('Number') is None and - not others): + elif univ_pos == "verb" and ( + morphology.get("VerbForm") == "fin" + and morphology.get("Tense") == "pres" + and morphology.get("Number") is None + and not others + ): return True - elif univ_pos == 'adj' and morphology.get('Degree') == 'pos': + elif univ_pos == "adj" and morphology.get("Degree") == "pos": return True elif VerbForm_inf in morphology: return True @@ -72,16 +80,16 @@ class Lemmatizer(object): return False def noun(self, string, morphology=None): - return self(string, 'noun', morphology) + return self(string, "noun", morphology) def verb(self, string, morphology=None): - return self(string, 'verb', morphology) + return self(string, "verb", morphology) def adj(self, string, morphology=None): - return self(string, 'adj', morphology) + return self(string, "adj", morphology) def punct(self, string, morphology=None): - return self(string, 'punct', morphology) + return self(string, "punct", morphology) def lookup(self, string): if string in self.lookup_table: @@ -96,7 +104,7 @@ def lemmatize(string, index, exceptions, rules): oov_forms = [] for old, new in rules: if string.endswith(old): - form = string[:len(string) - len(old)] + new + form = string[: len(string) - len(old)] + new if not form: pass elif form in index or not form.isalpha(): diff --git a/spacy/scorer.py b/spacy/scorer.py index 4e4a6d10d..2f49d7d69 100644 --- a/spacy/scorer.py +++ b/spacy/scorer.py @@ -2,13 +2,13 @@ from __future__ import division, print_function, unicode_literals from .gold import tags_to_entities, GoldParse -from .errors import Errors class PRFScore(object): """ A precision / recall / F score """ + def __init__(self): self.tp = 0 self.fp = 0 @@ -75,22 +75,21 @@ class Scorer(object): @property def scores(self): return { - 'uas': self.uas, - 'las': self.las, - 'ents_p': self.ents_p, - 'ents_r': self.ents_r, - 'ents_f': self.ents_f, - 'tags_acc': self.tags_acc, - 'token_acc': self.token_acc + "uas": self.uas, + "las": self.las, + "ents_p": self.ents_p, + "ents_r": self.ents_r, + "ents_f": self.ents_f, + "tags_acc": self.tags_acc, + "token_acc": self.token_acc, } - def score(self, tokens, gold, verbose=False, punct_labels=('p', 'punct')): + def score(self, tokens, gold, verbose=False, punct_labels=("p", "punct")): if len(tokens) != len(gold): gold = GoldParse.from_annot_tuples(tokens, zip(*gold.orig_annot)) gold_deps = set() gold_tags = set() - gold_ents = set(tags_to_entities([annot[-1] - for annot in gold.orig_annot])) + gold_ents = set(tags_to_entities([annot[-1] for annot in gold.orig_annot])) for id_, word, tag, head, dep, ner in gold.orig_annot: gold_tags.add((id_, tag)) if dep not in (None, "") and dep.lower() not in punct_labels: @@ -115,11 +114,11 @@ class Scorer(object): self.labelled.fp += 1 else: cand_deps.add((gold_i, gold_head, token.dep_.lower())) - if '-' not in [token[-1] for token in gold.orig_annot]: + if "-" not in [token[-1] for token in gold.orig_annot]: cand_ents = set() for ent in tokens.ents: first = gold.cand_to_gold[ent.start] - last = gold.cand_to_gold[ent.end-1] + last = gold.cand_to_gold[ent.end - 1] if first is None or last is None: self.ner.fp += 1 else: @@ -128,12 +127,11 @@ class Scorer(object): self.tags.score_set(cand_tags, gold_tags) self.labelled.score_set(cand_deps, gold_deps) self.unlabelled.score_set( - set(item[:2] for item in cand_deps), - set(item[:2] for item in gold_deps), + set(item[:2] for item in cand_deps), set(item[:2] for item in gold_deps) ) if verbose: gold_words = [item[1] for item in gold.orig_annot] - for w_id, h_id, dep in (cand_deps - gold_deps): - print('F', gold_words[w_id], dep, gold_words[h_id]) - for w_id, h_id, dep in (gold_deps - cand_deps): - print('M', gold_words[w_id], dep, gold_words[h_id]) + for w_id, h_id, dep in cand_deps - gold_deps: + print("F", gold_words[w_id], dep, gold_words[h_id]) + for w_id, h_id, dep in gold_deps - cand_deps: + print("M", gold_words[w_id], dep, gold_words[h_id]) diff --git a/spacy/tests/regression/_test_issue2800.py b/spacy/tests/regression/_test_issue2800.py index 1d14e1ac8..0d3d76d8e 100644 --- a/spacy/tests/regression/_test_issue2800.py +++ b/spacy/tests/regression/_test_issue2800.py @@ -1,36 +1,26 @@ -'''Test issue that arises when too many labels are added to NER model. -NB: currently causes segfault! -''' +# coding: utf-8 from __future__ import unicode_literals import random -from ...lang.en import English +from spacy.lang.en import English -def train_model(train_data, entity_types): + +def test_train_with_many_entity_types(): + """Test issue that arises when too many labels are added to NER model. + NB: currently causes segfault! + """ + train_data = [] + train_data.extend([("One sentence", {"entities": []})]) + entity_types = [str(i) for i in range(1000)] nlp = English(pipeline=[]) - ner = nlp.create_pipe("ner") nlp.add_pipe(ner) - for entity_type in list(entity_types): ner.add_label(entity_type) - optimizer = nlp.begin_training() - - # Start training for i in range(20): losses = {} index = 0 random.shuffle(train_data) - for statement, entities in train_data: nlp.update([statement], [entities], sgd=optimizer, losses=losses, drop=0.5) - return nlp - - -def test_train_with_many_entity_types(): - train_data = [] - train_data.extend([("One sentence", {"entities": []})]) - entity_types = [str(i) for i in range(1000)] - - model = train_model(train_data, entity_types) diff --git a/spacy/tokens/_serialize.py b/spacy/tokens/_serialize.py index ed54e4395..b59c7c436 100644 --- a/spacy/tokens/_serialize.py +++ b/spacy/tokens/_serialize.py @@ -11,14 +11,15 @@ from ..attrs import SPACY, ORTH class Binder(object): - '''Serialize analyses from a collection of doc objects.''' + """Serialize analyses from a collection of doc objects.""" + def __init__(self, attrs=None): - '''Create a Binder object, to hold serialized annotations. - + """Create a Binder object, to hold serialized annotations. + attrs (list): List of attributes to serialize. 'orth' and 'spacy' are always serialized, so they're not required. Defaults to None. - ''' + """ attrs = attrs or [] self.attrs = list(attrs) # Ensure ORTH is always attrs[0] @@ -32,7 +33,7 @@ class Binder(object): self.strings = set() def add(self, doc): - '''Add a doc's annotations to the binder for serialization.''' + """Add a doc's annotations to the binder for serialization.""" array = doc.to_array(self.attrs) if len(array.shape) == 1: array = array.reshape((array.shape[0], 1)) @@ -44,7 +45,7 @@ class Binder(object): self.strings.update(w.text for w in doc) def get_docs(self, vocab): - '''Recover Doc objects from the annotations, using the given vocab.''' + """Recover Doc objects from the annotations, using the given vocab.""" attrs = self.attrs for string in self.strings: vocab[string] @@ -56,34 +57,34 @@ class Binder(object): yield doc def merge(self, other): - '''Extend the annotations of this binder with the annotations from another.''' + """Extend the annotations of this binder with the annotations from another.""" assert self.attrs == other.attrs self.tokens.extend(other.tokens) self.spaces.extend(other.spaces) self.strings.update(other.strings) def to_bytes(self): - '''Serialize the binder's annotations into a byte string.''' + """Serialize the binder's annotations into a byte string.""" for tokens in self.tokens: assert len(tokens.shape) == 2, tokens.shape lengths = [len(tokens) for tokens in self.tokens] msg = { - 'attrs': self.attrs, - 'tokens': numpy.vstack(self.tokens).tobytes('C'), - 'spaces': numpy.vstack(self.spaces).tobytes('C'), - 'lengths': numpy.asarray(lengths, dtype='int32').tobytes('C'), - 'strings': list(self.strings) + "attrs": self.attrs, + "tokens": numpy.vstack(self.tokens).tobytes("C"), + "spaces": numpy.vstack(self.spaces).tobytes("C"), + "lengths": numpy.asarray(lengths, dtype="int32").tobytes("C"), + "strings": list(self.strings), } return gzip.compress(msgpack.dumps(msg)) def from_bytes(self, string): - '''Deserialize the binder's annotations from a byte string.''' + """Deserialize the binder's annotations from a byte string.""" msg = msgpack.loads(gzip.decompress(string)) - self.attrs = msg['attrs'] - self.strings = set(msg['strings']) - lengths = numpy.fromstring(msg['lengths'], dtype='int32') - flat_spaces = numpy.fromstring(msg['spaces'], dtype=bool) - flat_tokens = numpy.fromstring(msg['tokens'], dtype='uint64') + self.attrs = msg["attrs"] + self.strings = set(msg["strings"]) + lengths = numpy.fromstring(msg["lengths"], dtype="int32") + flat_spaces = numpy.fromstring(msg["spaces"], dtype=bool) + flat_tokens = numpy.fromstring(msg["tokens"], dtype="uint64") shape = (flat_tokens.size // len(self.attrs), len(self.attrs)) flat_tokens = flat_tokens.reshape(shape) flat_spaces = flat_spaces.reshape((flat_spaces.size, 1)) @@ -95,7 +96,7 @@ class Binder(object): def merge_bytes(binder_strings): - '''Concatenate multiple serialized binders into one byte string.''' + """Concatenate multiple serialized binders into one byte string.""" output = None for byte_string in binder_strings: binder = Binder().from_bytes(byte_string) diff --git a/spacy/tokens/underscore.py b/spacy/tokens/underscore.py index b419d6320..6b8b9a349 100644 --- a/spacy/tokens/underscore.py +++ b/spacy/tokens/underscore.py @@ -12,16 +12,16 @@ class Underscore(object): token_extensions = {} def __init__(self, extensions, obj, start=None, end=None): - object.__setattr__(self, '_extensions', extensions) - object.__setattr__(self, '_obj', obj) + object.__setattr__(self, "_extensions", extensions) + object.__setattr__(self, "_obj", obj) # Assumption is that for doc values, _start and _end will both be None # Span will set non-None values for _start and _end # Token will have _start be non-None, _end be None # This lets us key everything into the doc.user_data dictionary, # (see _get_key), and lets us use a single Underscore class. - object.__setattr__(self, '_doc', obj.doc) - object.__setattr__(self, '_start', start) - object.__setattr__(self, '_end', end) + object.__setattr__(self, "_doc", obj.doc) + object.__setattr__(self, "_start", start) + object.__setattr__(self, "_end", end) def __getattr__(self, name): if name not in self._extensions: @@ -53,25 +53,25 @@ class Underscore(object): return name in self._extensions def _get_key(self, name): - return ('._.', name, self._start, self._end) + return ("._.", name, self._start, self._end) def get_ext_args(**kwargs): """Validate and convert arguments. Reused in Doc, Token and Span.""" - default = kwargs.get('default') - getter = kwargs.get('getter') - setter = kwargs.get('setter') - method = kwargs.get('method') + default = kwargs.get("default") + getter = kwargs.get("getter") + setter = kwargs.get("setter") + method = kwargs.get("method") if getter is None and setter is not None: raise ValueError(Errors.E089) - valid_opts = ('default' in kwargs, method is not None, getter is not None) + valid_opts = ("default" in kwargs, method is not None, getter is not None) nr_defined = sum(t is True for t in valid_opts) if nr_defined != 1: raise ValueError(Errors.E083.format(nr_defined=nr_defined)) - if setter is not None and not hasattr(setter, '__call__'): - raise ValueError(Errors.E091.format(name='setter', value=repr(setter))) - if getter is not None and not hasattr(getter, '__call__'): - raise ValueError(Errors.E091.format(name='getter', value=repr(getter))) - if method is not None and not hasattr(method, '__call__'): - raise ValueError(Errors.E091.format(name='method', value=repr(method))) + if setter is not None and not hasattr(setter, "__call__"): + raise ValueError(Errors.E091.format(name="setter", value=repr(setter))) + if getter is not None and not hasattr(getter, "__call__"): + raise ValueError(Errors.E091.format(name="getter", value=repr(getter))) + if method is not None and not hasattr(method, "__call__"): + raise ValueError(Errors.E091.format(name="method", value=repr(method))) return (default, method, getter, setter) diff --git a/spacy/util.py b/spacy/util.py index e83fd3a11..d333d8712 100644 --- a/spacy/util.py +++ b/spacy/util.py @@ -25,12 +25,12 @@ from .errors import Errors # Import these directly from Thinc, so that we're sure we always have the # same version. -from thinc.neural._classes.model import msgpack -from thinc.neural._classes.model import msgpack_numpy +from thinc.neural._classes.model import msgpack # noqa: F401 +from thinc.neural._classes.model import msgpack_numpy # noqa: F401 LANGUAGES = {} -_data_path = Path(__file__).parent / 'data' +_data_path = Path(__file__).parent / "data" _PRINT_ENV = False @@ -48,7 +48,7 @@ def get_lang_class(lang): global LANGUAGES if lang not in LANGUAGES: try: - module = importlib.import_module('.lang.%s' % lang, 'spacy') + module = importlib.import_module(".lang.%s" % lang, "spacy") except ImportError: raise ImportError(Errors.E048.format(lang=lang)) LANGUAGES[lang] = getattr(module, module.__all__[0]) @@ -115,14 +115,14 @@ def load_model(name, **overrides): return load_model_from_package(name, **overrides) if Path(name).exists(): # path to model data directory return load_model_from_path(Path(name), **overrides) - elif hasattr(name, 'exists'): # Path or Path-like to model data + elif hasattr(name, "exists"): # Path or Path-like to model data return load_model_from_path(name, **overrides) raise IOError(Errors.E050.format(name=name)) def load_model_from_link(name, **overrides): """Load a model from a shortcut link, or directory in spaCy data path.""" - path = get_data_path() / name / '__init__.py' + path = get_data_path() / name / "__init__.py" try: cls = import_file(name, path) except AttributeError: @@ -141,17 +141,17 @@ def load_model_from_path(model_path, meta=False, **overrides): pipeline from meta.json and then calls from_disk() with path.""" if not meta: meta = get_model_meta(model_path) - cls = get_lang_class(meta['lang']) + cls = get_lang_class(meta["lang"]) nlp = cls(meta=meta, **overrides) - pipeline = meta.get('pipeline', []) - disable = overrides.get('disable', []) + pipeline = meta.get("pipeline", []) + disable = overrides.get("disable", []) if pipeline is True: pipeline = nlp.Defaults.pipe_names elif pipeline in (False, None): pipeline = [] for name in pipeline: if name not in disable: - config = meta.get('pipeline_args', {}).get(name, {}) + config = meta.get("pipeline_args", {}).get(name, {}) component = nlp.create_pipe(name, config=config) nlp.add_pipe(component, name=name) return nlp.from_disk(model_path) @@ -167,7 +167,7 @@ def load_model_from_init_py(init_file, **overrides): """ model_path = Path(init_file).parent meta = get_model_meta(model_path) - data_dir = '%s_%s-%s' % (meta['lang'], meta['name'], meta['version']) + data_dir = "%s_%s-%s" % (meta["lang"], meta["name"], meta["version"]) data_path = model_path / data_dir if not model_path.exists(): raise IOError(Errors.E052.format(path=path2str(data_path))) @@ -183,11 +183,11 @@ def get_model_meta(path): model_path = ensure_path(path) if not model_path.exists(): raise IOError(Errors.E052.format(path=path2str(model_path))) - meta_path = model_path / 'meta.json' + meta_path = model_path / "meta.json" if not meta_path.is_file(): raise IOError(Errors.E053.format(path=meta_path)) meta = read_json(meta_path) - for setting in ['lang', 'name', 'version']: + for setting in ["lang", "name", "version"]: if setting not in meta or not meta[setting]: raise ValueError(Errors.E054.format(setting=setting)) return meta @@ -202,7 +202,7 @@ def is_package(name): name = name.lower() # compare package name against lowercase name packages = pkg_resources.working_set.by_key.keys() for package in packages: - if package.lower().replace('-', '_') == name: + if package.lower().replace("-", "_") == name: return True return False @@ -241,7 +241,7 @@ def is_in_jupyter(): """ try: cfg = get_ipython().config - if cfg['IPKernelApp']['parent_appname'] == 'ipython-notebook': + if cfg["IPKernelApp"]["parent_appname"] == "ipython-notebook": return True except NameError: return False @@ -261,8 +261,7 @@ def get_async(stream, numpy_array): if cupy is None: return numpy_array else: - array = cupy.ndarray(numpy_array.shape, order='C', - dtype=numpy_array.dtype) + array = cupy.ndarray(numpy_array.shape, order="C", dtype=numpy_array.dtype) array.set(numpy_array, stream=stream) return array @@ -272,50 +271,51 @@ def env_opt(name, default=None): type_convert = float else: type_convert = int - if 'SPACY_' + name.upper() in os.environ: - value = type_convert(os.environ['SPACY_' + name.upper()]) + if "SPACY_" + name.upper() in os.environ: + value = type_convert(os.environ["SPACY_" + name.upper()]) if _PRINT_ENV: print(name, "=", repr(value), "via", "$SPACY_" + name.upper()) return value elif name in os.environ: value = type_convert(os.environ[name]) if _PRINT_ENV: - print(name, "=", repr(value), "via", '$' + name) + print(name, "=", repr(value), "via", "$" + name) return value else: if _PRINT_ENV: - print(name, '=', repr(default), "by default") + print(name, "=", repr(default), "by default") return default def read_regex(path): path = ensure_path(path) with path.open() as file_: - entries = file_.read().split('\n') - expression = '|'.join(['^' + re.escape(piece) - for piece in entries if piece.strip()]) + entries = file_.read().split("\n") + expression = "|".join( + ["^" + re.escape(piece) for piece in entries if piece.strip()] + ) return re.compile(expression) def compile_prefix_regex(entries): - if '(' in entries: + if "(" in entries: # Handle deprecated data - expression = '|'.join(['^' + re.escape(piece) - for piece in entries if piece.strip()]) + expression = "|".join( + ["^" + re.escape(piece) for piece in entries if piece.strip()] + ) return re.compile(expression) else: - expression = '|'.join(['^' + piece - for piece in entries if piece.strip()]) + expression = "|".join(["^" + piece for piece in entries if piece.strip()]) return re.compile(expression) def compile_suffix_regex(entries): - expression = '|'.join([piece + '$' for piece in entries if piece.strip()]) + expression = "|".join([piece + "$" for piece in entries if piece.strip()]) return re.compile(expression) def compile_infix_regex(entries): - expression = '|'.join([piece for piece in entries if piece.strip()]) + expression = "|".join([piece for piece in entries if piece.strip()]) return re.compile(expression) @@ -349,10 +349,9 @@ def update_exc(base_exceptions, *addition_dicts): exc = dict(base_exceptions) for additions in addition_dicts: for orth, token_attrs in additions.items(): - if not all(isinstance(attr[ORTH], unicode_) - for attr in token_attrs): + if not all(isinstance(attr[ORTH], unicode_) for attr in token_attrs): raise ValueError(Errors.E055.format(key=orth, orths=token_attrs)) - described_orth = ''.join(attr[ORTH] for attr in token_attrs) + described_orth = "".join(attr[ORTH] for attr in token_attrs) if orth != described_orth: raise ValueError(Errors.E056.format(key=orth, orths=described_orth)) exc.update(additions) @@ -369,10 +368,12 @@ def expand_exc(excs, search, replace): replace (unicode): Replacement. RETURNS (dict): Combined tokenizer exceptions. """ + def _fix_token(token, search, replace): fixed = dict(token) fixed[ORTH] = fixed[ORTH].replace(search, replace) return fixed + new_excs = dict(excs) for token_string, tokens in excs.items(): if search in token_string: @@ -426,8 +427,10 @@ def compounding(start, stop, compound): >>> assert next(sizes) == 1 * 1.5 >>> assert next(sizes) == 1.5 * 1.5 """ + def clip(value): return max(value, stop) if (start > stop) else min(value, stop) + curr = float(start) while True: yield clip(curr) @@ -447,8 +450,10 @@ def stepping(start, stop, steps): >>> assert next(sizes) == 1 * (200.-1.) / 100 >>> assert next(sizes) == 1 + (200.-1.) / 100 + (200.-1.) / 100 """ + def clip(value): return max(value, stop) if (start > stop) else min(value, stop) + curr = float(start) while True: yield clip(curr) @@ -457,16 +462,18 @@ def stepping(start, stop, steps): def decaying(start, stop, decay): """Yield an infinite series of linearly decaying values.""" + def clip(value): return max(value, stop) if (start > stop) else min(value, stop) - nr_upd = 1. + + nr_upd = 1.0 while True: - yield clip(start * 1./(1. + decay * nr_upd)) + yield clip(start * 1.0 / (1.0 + decay * nr_upd)) nr_upd += 1 def minibatch_by_words(items, size, tuples=True, count_words=len): - '''Create minibatches of a given number of words.''' + """Create minibatches of a given number of words.""" if isinstance(size, int): size_ = itertools.repeat(size) else: @@ -508,7 +515,7 @@ def itershuffle(iterable, bufsize=1000): buf = [] try: while True: - for i in range(random.randint(1, bufsize-len(buf))): + for i in range(random.randint(1, bufsize - len(buf))): buf.append(next(iterable)) random.shuffle(buf) for i in range(random.randint(1, bufsize)): @@ -530,7 +537,7 @@ def read_json(location): RETURNS (dict): Loaded JSON content. """ location = ensure_path(location) - with location.open('r', encoding='utf8') as f: + with location.open("r", encoding="utf8") as f: return ujson.load(f) @@ -540,7 +547,7 @@ def read_jsonl(file_path): file_path (unicode / Path): The file path. YIELDS: The loaded JSON contents of each line. """ - with Path(file_path).open('r', encoding='utf8') as f: + with Path(file_path).open("r", encoding="utf8") as f: for line in f: try: # hack to handle broken jsonl yield ujson.loads(line.strip()) @@ -555,8 +562,8 @@ def get_raw_input(description, default=False): default (unicode or False/None): Default value to display with prompt. RETURNS (unicode): User input. """ - additional = ' (default: %s)' % default if default else '' - prompt = ' %s%s: ' % (description, additional) + additional = " (default: %s)" % default if default else "" + prompt = " %s%s: " % (description, additional) user_input = input_(prompt) return user_input @@ -603,11 +610,11 @@ def print_table(data, title=None): """ if isinstance(data, dict): data = list(data.items()) - tpl_row = ' {:<15}' * len(data[0]) - table = '\n'.join([tpl_row.format(l, unicode_(v)) for l, v in data]) + tpl_row = " {:<15}" * len(data[0]) + table = "\n".join([tpl_row.format(l, unicode_(v)) for l, v in data]) if title: - print('\n \033[93m{}\033[0m'.format(title)) - print('\n{}\n'.format(table)) + print("\n \033[93m{}\033[0m".format(title)) + print("\n{}\n".format(table)) def print_markdown(data, title=None): @@ -616,17 +623,19 @@ def print_markdown(data, title=None): data (dict or list of tuples): Label/value pairs. title (unicode or None): Title, will be rendered as headline 2. """ + def excl_value(value): # contains path, i.e. personal info return isinstance(value, basestring_) and Path(value).exists() if isinstance(data, dict): data = list(data.items()) - markdown = ["* **{}:** {}".format(l, unicode_(v)) - for l, v in data if not excl_value(v)] + markdown = [ + "* **{}:** {}".format(l, unicode_(v)) for l, v in data if not excl_value(v) + ] if title: print("\n## {}".format(title)) - print('\n{}\n'.format('\n'.join(markdown))) + print("\n{}\n".format("\n".join(markdown))) def prints(*texts, **kwargs): @@ -636,11 +645,11 @@ def prints(*texts, **kwargs): *texts (unicode): Texts to print. Each argument is rendered as paragraph. **kwargs: 'title' becomes coloured headline. exits=True performs sys exit. """ - exits = kwargs.get('exits', None) - title = kwargs.get('title', None) - title = '\033[93m{}\033[0m\n'.format(_wrap(title)) if title else '' - message = '\n\n'.join([_wrap(text) for text in texts]) - print('\n{}{}\n'.format(title, message)) + exits = kwargs.get("exits", None) + title = kwargs.get("title", None) + title = "\033[93m{}\033[0m\n".format(_wrap(title)) if title else "" + message = "\n\n".join([_wrap(text) for text in texts]) + print("\n{}{}\n".format(title, message)) if exits is not None: sys.exit(exits) @@ -653,13 +662,18 @@ def _wrap(text, wrap_max=80, indent=4): indent (int): Number of spaces for indentation. RETURNS (unicode): Wrapped text. """ - indent = indent * ' ' + indent = indent * " " wrap_width = wrap_max - len(indent) if isinstance(text, Path): text = path2str(text) - return textwrap.fill(text, width=wrap_width, initial_indent=indent, - subsequent_indent=indent, break_long_words=False, - break_on_hyphens=False) + return textwrap.fill( + text, + width=wrap_width, + initial_indent=indent, + subsequent_indent=indent, + break_long_words=False, + break_on_hyphens=False, + ) def minify_html(html): @@ -670,7 +684,7 @@ def minify_html(html): html (unicode): Markup to minify. RETURNS (unicode): "Minified" HTML. """ - return html.strip().replace(' ', '').replace('\n', '') + return html.strip().replace(" ", "").replace("\n", "") def escape_html(text): @@ -680,10 +694,10 @@ def escape_html(text): text (unicode): The original text. RETURNS (unicode): Equivalent text to be safely used within HTML. """ - text = text.replace('&', '&') - text = text.replace('<', '<') - text = text.replace('>', '>') - text = text.replace('"', '"') + text = text.replace("&", "&") + text = text.replace("<", "<") + text = text.replace(">", ">") + text = text.replace('"', """) return text @@ -693,6 +707,7 @@ def use_gpu(gpu_id): except ImportError: return None from thinc.neural.ops import CupyOps + device = cupy.cuda.device.Device(gpu_id) device.use() Model.ops = CupyOps() @@ -710,6 +725,7 @@ class SimpleFrozenDict(dict): function or method argument (for arguments that should default to empty dictionary). Will raise an error if user or spaCy attempts to add to dict. """ + def __setitem__(self, key, value): raise NotImplementedError(Errors.E095)